2022-03-01 02:42:15,212 - mmseg - INFO - Environment info: ------------------------------------------------------------ sys.platform: linux Python: 3.7.0 (default, Oct 9 2018, 10:31:47) [GCC 7.3.0] CUDA available: True GPU 0,1,2,3,4,5,6,7: A100-SXM-80GB CUDA_HOME: /usr/local/cuda NVCC: Build cuda_11.2.r11.2/compiler.29618528_0 GCC: gcc (GCC) 5.2.0 PyTorch: 1.9.0+cu111 PyTorch compiling details: PyTorch built with: - GCC 7.3 - C++ Version: 201402 - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191122 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.1.2 (Git Hash 98be7e8afa711dc9b66c8ff3504129cb82013cdb) - OpenMP 201511 (a.k.a. OpenMP 4.5) - NNPACK is enabled - CPU capability usage: AVX2 - CUDA Runtime 11.1 - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86 - CuDNN 8.0.5 - Magma 2.5.2 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.1, CUDNN_VERSION=8.0.5, CXX_COMPILER=/opt/rh/devtoolset-7/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.9.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, TorchVision: 0.10.0+cu111 OpenCV: 4.5.5 MMCV: 1.4.2 MMCV Compiler: GCC 7.3 MMCV CUDA Compiler: 11.1 MMSegmentation: 0.20.2+ ------------------------------------------------------------ 2022-03-01 02:42:15,212 - mmseg - INFO - Distributed training: True 2022-03-01 02:42:15,840 - mmseg - INFO - Config: norm_cfg = dict(type='SyncBN', requires_grad=True) model = dict( type='EncoderDecoder', pretrained= 'pretrained/L_16-i21k-300ep-lr_0.001-aug_medium1-wd_0.1-do_0.1-sd_0.1--imagenet2012-steps_20k-lr_0.01-res_384.pth', backbone=dict( type='ViTDenseAdaptorV2', img_size=384, pretrain_size=384, patch_size=16, embed_dim=1024, depth=24, num_heads=16, mlp_ratio=4, drop_path_rate=0.2, conv_inplane=64, n_points=4, deform_num_heads=16, interact_with_ffn=True, interact_ffn_ratio=0.25, interact_deform_ratio=0.5, extract_with_ffn=True, extract_ffn_ratio=0.25, extract_deform_ratio=0.5, num_extract_block=2, add_vit_feature=True, layer_scale=True, interact_indexes=[[0, 5], [6, 11], [12, 17], [18, 23]], window_attn=[ False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False, False ], window_size=[ None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None, None ]), decode_head=dict( type='UPerHead', in_channels=[1024, 1024, 1024, 1024], in_index=[0, 1, 2, 3], pool_scales=(1, 2, 3, 6), channels=512, dropout_ratio=0.1, num_classes=150, norm_cfg=dict(type='SyncBN', requires_grad=True), align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)), auxiliary_head=dict( type='FCNHead', in_channels=1024, in_index=2, channels=256, num_convs=1, concat_input=False, dropout_ratio=0.1, num_classes=150, norm_cfg=dict(type='SyncBN', requires_grad=True), align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=0.4)), train_cfg=dict(), test_cfg=dict(mode='slide', crop_size=(512, 512), stride=(341, 341))) dataset_type = 'ADE20KDataset' data_root = 'data/ade/ADEChallengeData2016' img_norm_cfg = dict( mean=[127.5, 127.5, 127.5], std=[127.5, 127.5, 127.5], 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=[127.5, 127.5, 127.5], std=[127.5, 127.5, 127.5], 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='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=32), dict(type='RandomFlip'), dict( type='Normalize', mean=[127.5, 127.5, 127.5], std=[127.5, 127.5, 127.5], 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=[127.5, 127.5, 127.5], std=[127.5, 127.5, 127.5], 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='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=32), dict(type='RandomFlip'), dict( type='Normalize', mean=[127.5, 127.5, 127.5], std=[127.5, 127.5, 127.5], 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='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=32), dict(type='RandomFlip'), dict( type='Normalize', mean=[127.5, 127.5, 127.5], std=[127.5, 127.5, 127.5], 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)]) 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=2e-05, betas=(0.9, 0.999), weight_decay=0.05, paramwise_cfg=dict( custom_keys=dict( level_embed=dict(decay_mult=0.0), pos_embed=dict(decay_mult=0.0), norm=dict(decay_mult=0.0), bias=dict(decay_mult=0.0), head=dict(lr_mult=10.0)))) optimizer_config = dict() lr_config = dict( policy='poly', warmup='linear', warmup_iters=1500, warmup_ratio=1e-06, power=1.0, min_lr=0.0, by_epoch=False) runner = dict(type='IterBasedRunner', max_iters=160000) checkpoint_config = dict(by_epoch=False, interval=16000) evaluation = dict(interval=16000, metric='mIoU', pre_eval=True) work_dir = './work_dirs/upernet_vit_large_22k_adptor_1113_512_ade20k_160k' gpu_ids = range(0, 8) auto_resume = False 2022-03-01 02:42:23,207 - mmseg - INFO - Set random seed to 2030410875, deterministic: False 2022-03-01 02:42:24,899 - mmseg - INFO - load checkpoint from local path: pretrained/L_16-i21k-300ep-lr_0.001-aug_medium1-wd_0.1-do_0.1-sd_0.1--imagenet2012-steps_20k-lr_0.01-res_384.pth 2022-03-01 02:42:26,282 - mmseg - WARNING - The model and loaded state dict do not match exactly unexpected key in source state_dict: cls_token, norm.weight, norm.bias missing keys in source state_dict: blocks.0.gamma1, blocks.0.gamma2, blocks.1.gamma1, blocks.1.gamma2, blocks.2.gamma1, blocks.2.gamma2, blocks.3.gamma1, blocks.3.gamma2, blocks.4.gamma1, blocks.4.gamma2, blocks.5.gamma1, blocks.5.gamma2, blocks.6.gamma1, blocks.6.gamma2, blocks.7.gamma1, blocks.7.gamma2, blocks.8.gamma1, blocks.8.gamma2, blocks.9.gamma1, blocks.9.gamma2, blocks.10.gamma1, blocks.10.gamma2, blocks.11.gamma1, blocks.11.gamma2, blocks.12.gamma1, blocks.12.gamma2, blocks.13.gamma1, blocks.13.gamma2, blocks.14.gamma1, blocks.14.gamma2, blocks.15.gamma1, blocks.15.gamma2, blocks.16.gamma1, blocks.16.gamma2, blocks.17.gamma1, blocks.17.gamma2, blocks.18.gamma1, blocks.18.gamma2, blocks.19.gamma1, blocks.19.gamma2, blocks.20.gamma1, blocks.20.gamma2, blocks.21.gamma1, blocks.21.gamma2, blocks.22.gamma1, blocks.22.gamma2, blocks.23.gamma1, blocks.23.gamma2 2022-03-01 02:42:26,632 - mmseg - INFO - load checkpoint from local path: pretrained/L_16-i21k-300ep-lr_0.001-aug_medium1-wd_0.1-do_0.1-sd_0.1--imagenet2012-steps_20k-lr_0.01-res_384.pth 2022-03-01 02:42:27,713 - mmseg - WARNING - The model and loaded state dict do not match exactly unexpected key in source state_dict: cls_token, norm.weight, norm.bias missing keys in source state_dict: level_embed, blocks.0.gamma1, blocks.0.gamma2, blocks.1.gamma1, blocks.1.gamma2, blocks.2.gamma1, blocks.2.gamma2, blocks.3.gamma1, blocks.3.gamma2, blocks.4.gamma1, blocks.4.gamma2, blocks.5.gamma1, blocks.5.gamma2, blocks.6.gamma1, blocks.6.gamma2, blocks.7.gamma1, blocks.7.gamma2, blocks.8.gamma1, blocks.8.gamma2, blocks.9.gamma1, blocks.9.gamma2, blocks.10.gamma1, blocks.10.gamma2, blocks.11.gamma1, blocks.11.gamma2, blocks.12.gamma1, blocks.12.gamma2, blocks.13.gamma1, blocks.13.gamma2, blocks.14.gamma1, blocks.14.gamma2, blocks.15.gamma1, blocks.15.gamma2, blocks.16.gamma1, blocks.16.gamma2, blocks.17.gamma1, blocks.17.gamma2, blocks.18.gamma1, blocks.18.gamma2, blocks.19.gamma1, blocks.19.gamma2, blocks.20.gamma1, blocks.20.gamma2, blocks.21.gamma1, blocks.21.gamma2, blocks.22.gamma1, blocks.22.gamma2, blocks.23.gamma1, blocks.23.gamma2, conv_branch.stem.0.weight, conv_branch.stem.1.weight, conv_branch.stem.1.bias, conv_branch.stem.1.running_mean, conv_branch.stem.1.running_var, conv_branch.stem.3.weight, conv_branch.stem.4.weight, conv_branch.stem.4.bias, conv_branch.stem.4.running_mean, conv_branch.stem.4.running_var, conv_branch.stem.6.weight, conv_branch.stem.7.weight, conv_branch.stem.7.bias, conv_branch.stem.7.running_mean, conv_branch.stem.7.running_var, conv_branch.conv2.0.weight, conv_branch.conv2.1.weight, conv_branch.conv2.1.bias, conv_branch.conv2.1.running_mean, conv_branch.conv2.1.running_var, conv_branch.conv3.0.weight, conv_branch.conv3.1.weight, conv_branch.conv3.1.bias, conv_branch.conv3.1.running_mean, conv_branch.conv3.1.running_var, conv_branch.conv4.0.weight, conv_branch.conv4.1.weight, conv_branch.conv4.1.bias, conv_branch.conv4.1.running_mean, conv_branch.conv4.1.running_var, conv_branch.fc1.weight, conv_branch.fc1.bias, conv_branch.fc2.weight, conv_branch.fc2.bias, conv_branch.fc3.weight, conv_branch.fc3.bias, conv_branch.fc4.weight, conv_branch.fc4.bias, interact_blocks.0.extract.query_norm.weight, interact_blocks.0.extract.query_norm.bias, interact_blocks.0.extract.feat_norm.weight, interact_blocks.0.extract.feat_norm.bias, interact_blocks.0.extract.attn.sampling_offsets.weight, interact_blocks.0.extract.attn.sampling_offsets.bias, interact_blocks.0.extract.attn.attention_weights.weight, interact_blocks.0.extract.attn.attention_weights.bias, interact_blocks.0.extract.attn.value_proj.weight, interact_blocks.0.extract.attn.value_proj.bias, interact_blocks.0.extract.attn.output_proj.weight, interact_blocks.0.extract.attn.output_proj.bias, interact_blocks.0.insert.gamma, interact_blocks.0.insert.query_norm.weight, interact_blocks.0.insert.query_norm.bias, interact_blocks.0.insert.feat_norm.weight, interact_blocks.0.insert.feat_norm.bias, interact_blocks.0.insert.attn.sampling_offsets.weight, interact_blocks.0.insert.attn.sampling_offsets.bias, interact_blocks.0.insert.attn.attention_weights.weight, interact_blocks.0.insert.attn.attention_weights.bias, interact_blocks.0.insert.attn.value_proj.weight, interact_blocks.0.insert.attn.value_proj.bias, interact_blocks.0.insert.attn.output_proj.weight, interact_blocks.0.insert.attn.output_proj.bias, interact_blocks.0.ffn.fc1.weight, interact_blocks.0.ffn.fc1.bias, interact_blocks.0.ffn.dwconv.dwconv.weight, interact_blocks.0.ffn.dwconv.dwconv.bias, interact_blocks.0.ffn.fc2.weight, interact_blocks.0.ffn.fc2.bias, interact_blocks.0.ffn_norm.weight, interact_blocks.0.ffn_norm.bias, interact_blocks.1.extract.query_norm.weight, interact_blocks.1.extract.query_norm.bias, interact_blocks.1.extract.feat_norm.weight, interact_blocks.1.extract.feat_norm.bias, interact_blocks.1.extract.attn.sampling_offsets.weight, interact_blocks.1.extract.attn.sampling_offsets.bias, interact_blocks.1.extract.attn.attention_weights.weight, interact_blocks.1.extract.attn.attention_weights.bias, interact_blocks.1.extract.attn.value_proj.weight, interact_blocks.1.extract.attn.value_proj.bias, interact_blocks.1.extract.attn.output_proj.weight, interact_blocks.1.extract.attn.output_proj.bias, interact_blocks.1.insert.gamma, interact_blocks.1.insert.query_norm.weight, interact_blocks.1.insert.query_norm.bias, interact_blocks.1.insert.feat_norm.weight, interact_blocks.1.insert.feat_norm.bias, interact_blocks.1.insert.attn.sampling_offsets.weight, interact_blocks.1.insert.attn.sampling_offsets.bias, interact_blocks.1.insert.attn.attention_weights.weight, interact_blocks.1.insert.attn.attention_weights.bias, interact_blocks.1.insert.attn.value_proj.weight, interact_blocks.1.insert.attn.value_proj.bias, interact_blocks.1.insert.attn.output_proj.weight, interact_blocks.1.insert.attn.output_proj.bias, interact_blocks.1.ffn.fc1.weight, interact_blocks.1.ffn.fc1.bias, interact_blocks.1.ffn.dwconv.dwconv.weight, interact_blocks.1.ffn.dwconv.dwconv.bias, interact_blocks.1.ffn.fc2.weight, interact_blocks.1.ffn.fc2.bias, interact_blocks.1.ffn_norm.weight, interact_blocks.1.ffn_norm.bias, interact_blocks.2.extract.query_norm.weight, interact_blocks.2.extract.query_norm.bias, interact_blocks.2.extract.feat_norm.weight, interact_blocks.2.extract.feat_norm.bias, interact_blocks.2.extract.attn.sampling_offsets.weight, interact_blocks.2.extract.attn.sampling_offsets.bias, interact_blocks.2.extract.attn.attention_weights.weight, interact_blocks.2.extract.attn.attention_weights.bias, interact_blocks.2.extract.attn.value_proj.weight, interact_blocks.2.extract.attn.value_proj.bias, interact_blocks.2.extract.attn.output_proj.weight, interact_blocks.2.extract.attn.output_proj.bias, interact_blocks.2.insert.gamma, interact_blocks.2.insert.query_norm.weight, interact_blocks.2.insert.query_norm.bias, interact_blocks.2.insert.feat_norm.weight, interact_blocks.2.insert.feat_norm.bias, interact_blocks.2.insert.attn.sampling_offsets.weight, interact_blocks.2.insert.attn.sampling_offsets.bias, interact_blocks.2.insert.attn.attention_weights.weight, interact_blocks.2.insert.attn.attention_weights.bias, interact_blocks.2.insert.attn.value_proj.weight, interact_blocks.2.insert.attn.value_proj.bias, interact_blocks.2.insert.attn.output_proj.weight, interact_blocks.2.insert.attn.output_proj.bias, interact_blocks.2.ffn.fc1.weight, interact_blocks.2.ffn.fc1.bias, interact_blocks.2.ffn.dwconv.dwconv.weight, interact_blocks.2.ffn.dwconv.dwconv.bias, interact_blocks.2.ffn.fc2.weight, interact_blocks.2.ffn.fc2.bias, interact_blocks.2.ffn_norm.weight, interact_blocks.2.ffn_norm.bias, interact_blocks.3.extract.query_norm.weight, interact_blocks.3.extract.query_norm.bias, interact_blocks.3.extract.feat_norm.weight, interact_blocks.3.extract.feat_norm.bias, interact_blocks.3.extract.attn.sampling_offsets.weight, interact_blocks.3.extract.attn.sampling_offsets.bias, interact_blocks.3.extract.attn.attention_weights.weight, interact_blocks.3.extract.attn.attention_weights.bias, interact_blocks.3.extract.attn.value_proj.weight, interact_blocks.3.extract.attn.value_proj.bias, interact_blocks.3.extract.attn.output_proj.weight, interact_blocks.3.extract.attn.output_proj.bias, interact_blocks.3.insert.gamma, interact_blocks.3.insert.query_norm.weight, interact_blocks.3.insert.query_norm.bias, interact_blocks.3.insert.feat_norm.weight, interact_blocks.3.insert.feat_norm.bias, interact_blocks.3.insert.attn.sampling_offsets.weight, interact_blocks.3.insert.attn.sampling_offsets.bias, interact_blocks.3.insert.attn.attention_weights.weight, interact_blocks.3.insert.attn.attention_weights.bias, interact_blocks.3.insert.attn.value_proj.weight, interact_blocks.3.insert.attn.value_proj.bias, interact_blocks.3.insert.attn.output_proj.weight, interact_blocks.3.insert.attn.output_proj.bias, interact_blocks.3.ffn.fc1.weight, interact_blocks.3.ffn.fc1.bias, interact_blocks.3.ffn.dwconv.dwconv.weight, interact_blocks.3.ffn.dwconv.dwconv.bias, interact_blocks.3.ffn.fc2.weight, interact_blocks.3.ffn.fc2.bias, interact_blocks.3.ffn_norm.weight, interact_blocks.3.ffn_norm.bias, extract_blocks.0.extract.query_norm.weight, extract_blocks.0.extract.query_norm.bias, extract_blocks.0.extract.feat_norm.weight, extract_blocks.0.extract.feat_norm.bias, extract_blocks.0.extract.attn.sampling_offsets.weight, extract_blocks.0.extract.attn.sampling_offsets.bias, extract_blocks.0.extract.attn.attention_weights.weight, extract_blocks.0.extract.attn.attention_weights.bias, extract_blocks.0.extract.attn.value_proj.weight, extract_blocks.0.extract.attn.value_proj.bias, extract_blocks.0.extract.attn.output_proj.weight, extract_blocks.0.extract.attn.output_proj.bias, extract_blocks.0.ffn.fc1.weight, extract_blocks.0.ffn.fc1.bias, extract_blocks.0.ffn.dwconv.dwconv.weight, extract_blocks.0.ffn.dwconv.dwconv.bias, extract_blocks.0.ffn.fc2.weight, extract_blocks.0.ffn.fc2.bias, extract_blocks.0.ffn_norm.weight, extract_blocks.0.ffn_norm.bias, extract_blocks.1.extract.query_norm.weight, extract_blocks.1.extract.query_norm.bias, extract_blocks.1.extract.feat_norm.weight, extract_blocks.1.extract.feat_norm.bias, extract_blocks.1.extract.attn.sampling_offsets.weight, extract_blocks.1.extract.attn.sampling_offsets.bias, extract_blocks.1.extract.attn.attention_weights.weight, extract_blocks.1.extract.attn.attention_weights.bias, extract_blocks.1.extract.attn.value_proj.weight, extract_blocks.1.extract.attn.value_proj.bias, extract_blocks.1.extract.attn.output_proj.weight, extract_blocks.1.extract.attn.output_proj.bias, extract_blocks.1.ffn.fc1.weight, extract_blocks.1.ffn.fc1.bias, extract_blocks.1.ffn.dwconv.dwconv.weight, extract_blocks.1.ffn.dwconv.dwconv.bias, extract_blocks.1.ffn.fc2.weight, extract_blocks.1.ffn.fc2.bias, extract_blocks.1.ffn_norm.weight, extract_blocks.1.ffn_norm.bias, up.weight, up.bias, norm1.weight, norm1.bias, norm1.running_mean, norm1.running_var, norm2.weight, norm2.bias, norm2.running_mean, norm2.running_var, norm3.weight, norm3.bias, norm3.running_mean, norm3.running_var, norm4.weight, norm4.bias, norm4.running_mean, norm4.running_var 2022-03-01 02:42:28,287 - mmseg - INFO - initialize UPerHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} 2022-03-01 02:42:28,427 - 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, 577, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.level_embed - torch.Size([3, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.patch_embed.proj.weight - torch.Size([1024, 3, 16, 16]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.patch_embed.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.0.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.1.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.2.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.3.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.4.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.5.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.6.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.7.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.8.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.9.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.10.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.11.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.12.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.13.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.14.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.15.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.16.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.17.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.18.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.19.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.20.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.21.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.22.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.gamma1 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.gamma2 - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.qkv.weight - torch.Size([3072, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.qkv.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.proj.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.attn.proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc1.weight - torch.Size([4096, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc1.bias - torch.Size([4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc2.weight - torch.Size([1024, 4096]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.blocks.23.mlp.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.0.weight - torch.Size([64, 3, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.1.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.1.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.3.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.4.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.4.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.6.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.7.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.stem.7.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv2.0.weight - torch.Size([128, 64, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv2.1.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv2.1.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv3.0.weight - torch.Size([256, 128, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv3.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv3.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv4.0.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv4.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.conv4.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc1.weight - torch.Size([1024, 64, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc2.weight - torch.Size([1024, 128, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc3.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc3.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc4.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.conv_branch.fc4.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.sampling_offsets.weight - torch.Size([128, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.sampling_offsets.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.attention_weights.weight - torch.Size([64, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.attention_weights.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.extract.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.gamma - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.sampling_offsets.weight - torch.Size([384, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.sampling_offsets.bias - torch.Size([384]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.attention_weights.weight - torch.Size([192, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.attention_weights.bias - torch.Size([192]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.insert.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn.fc1.weight - torch.Size([256, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn.fc1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn.dwconv.dwconv.weight - torch.Size([256, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn.dwconv.dwconv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn.fc2.weight - torch.Size([1024, 256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.0.ffn_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.sampling_offsets.weight - torch.Size([128, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.sampling_offsets.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.attention_weights.weight - torch.Size([64, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.attention_weights.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.extract.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.gamma - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.sampling_offsets.weight - torch.Size([384, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.sampling_offsets.bias - torch.Size([384]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.attention_weights.weight - torch.Size([192, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.attention_weights.bias - torch.Size([192]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.insert.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn.fc1.weight - torch.Size([256, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn.fc1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn.dwconv.dwconv.weight - torch.Size([256, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn.dwconv.dwconv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn.fc2.weight - torch.Size([1024, 256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.1.ffn_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.sampling_offsets.weight - torch.Size([128, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.sampling_offsets.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.attention_weights.weight - torch.Size([64, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.attention_weights.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.extract.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.gamma - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.sampling_offsets.weight - torch.Size([384, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.sampling_offsets.bias - torch.Size([384]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.attention_weights.weight - torch.Size([192, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.attention_weights.bias - torch.Size([192]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.insert.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn.fc1.weight - torch.Size([256, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn.fc1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn.dwconv.dwconv.weight - torch.Size([256, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn.dwconv.dwconv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn.fc2.weight - torch.Size([1024, 256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.2.ffn_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.sampling_offsets.weight - torch.Size([128, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.sampling_offsets.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.attention_weights.weight - torch.Size([64, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.attention_weights.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.extract.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.gamma - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.sampling_offsets.weight - torch.Size([384, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.sampling_offsets.bias - torch.Size([384]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.attention_weights.weight - torch.Size([192, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.attention_weights.bias - torch.Size([192]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.insert.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn.fc1.weight - torch.Size([256, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn.fc1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn.dwconv.dwconv.weight - torch.Size([256, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn.dwconv.dwconv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn.fc2.weight - torch.Size([1024, 256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.interact_blocks.3.ffn_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.sampling_offsets.weight - torch.Size([128, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.sampling_offsets.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.attention_weights.weight - torch.Size([64, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.attention_weights.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.extract.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn.fc1.weight - torch.Size([256, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn.fc1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn.dwconv.dwconv.weight - torch.Size([256, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn.dwconv.dwconv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn.fc2.weight - torch.Size([1024, 256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.0.ffn_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.query_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.query_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.feat_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.feat_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.sampling_offsets.weight - torch.Size([128, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.sampling_offsets.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.attention_weights.weight - torch.Size([64, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.attention_weights.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.value_proj.weight - torch.Size([512, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.value_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.output_proj.weight - torch.Size([1024, 512]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.extract.attn.output_proj.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn.fc1.weight - torch.Size([256, 1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn.fc1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn.dwconv.dwconv.weight - torch.Size([256, 1, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn.dwconv.dwconv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn.fc2.weight - torch.Size([1024, 256]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn.fc2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn_norm.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.extract_blocks.1.ffn_norm.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up.weight - torch.Size([1024, 1024, 2, 2]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.up.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm1.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm2.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm2.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm3.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm3.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm4.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder backbone.norm4.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.conv_seg.weight - torch.Size([150, 512, 1, 1]): NormalInit: mean=0, std=0.01, bias=0 decode_head.conv_seg.bias - torch.Size([150]): NormalInit: mean=0, std=0.01, bias=0 decode_head.psp_modules.0.1.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.0.1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.0.1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.1.1.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.1.1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.1.1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.2.1.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.2.1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.2.1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.3.1.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.3.1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.psp_modules.3.1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.bottleneck.conv.weight - torch.Size([512, 3072, 3, 3]): Initialized by user-defined `init_weights` in ConvModule decode_head.bottleneck.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.bottleneck.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.0.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.0.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.0.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.1.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.2.conv.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.2.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.lateral_convs.2.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.0.conv.weight - torch.Size([512, 512, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.0.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.0.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.1.conv.weight - torch.Size([512, 512, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.2.conv.weight - torch.Size([512, 512, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.2.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_convs.2.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_bottleneck.conv.weight - torch.Size([512, 2048, 3, 3]): Initialized by user-defined `init_weights` in ConvModule decode_head.fpn_bottleneck.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder decode_head.fpn_bottleneck.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of EncoderDecoder auxiliary_head.conv_seg.weight - torch.Size([150, 256, 1, 1]): NormalInit: mean=0, std=0.01, bias=0 auxiliary_head.conv_seg.bias - torch.Size([150]): NormalInit: mean=0, std=0.01, bias=0 auxiliary_head.convs.0.conv.weight - torch.Size([256, 1024, 3, 3]): The value is the same before and after calling `init_weights` of EncoderDecoder auxiliary_head.convs.0.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder auxiliary_head.convs.0.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of EncoderDecoder 2022-03-01 02:42:28,433 - mmseg - INFO - EncoderDecoder( (backbone): ViTDenseAdaptorV2( (patch_embed): PatchEmbed( (proj): Conv2d(3, 1024, kernel_size=(16, 16), stride=(16, 16)) (norm): Identity() ) (pos_drop): Dropout(p=0.0, inplace=False) (blocks): Sequential( (0): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): Identity() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (1): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (2): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (3): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (4): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (5): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (6): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (7): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (8): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (9): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (10): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (11): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (12): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (13): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (14): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (15): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (16): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (17): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (18): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (19): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (20): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (21): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (22): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) (23): Block( (norm1): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): Attention( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) ) (drop_path): DropPath() (norm2): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (mlp): Mlp( (fc1): Linear(in_features=1024, out_features=4096, bias=True) (act): GELU() (fc2): Linear(in_features=4096, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) ) ) (conv_branch): ConvBranch( (stem): Sequential( (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): SyncBatchNorm(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (2): ReLU(inplace=True) (3): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (4): SyncBatchNorm(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (5): ReLU(inplace=True) (6): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (7): SyncBatchNorm(64, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (8): ReLU(inplace=True) (9): MaxPool2d(kernel_size=3, stride=2, padding=1, dilation=1, ceil_mode=False) ) (conv2): Sequential( (0): Conv2d(64, 128, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): SyncBatchNorm(128, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (2): ReLU(inplace=True) ) (conv3): Sequential( (0): Conv2d(128, 256, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): SyncBatchNorm(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (2): ReLU(inplace=True) ) (conv4): Sequential( (0): Conv2d(256, 256, kernel_size=(3, 3), stride=(2, 2), padding=(1, 1), bias=False) (1): SyncBatchNorm(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (2): ReLU(inplace=True) ) (fc1): Conv2d(64, 1024, kernel_size=(1, 1), stride=(1, 1)) (fc2): Conv2d(128, 1024, kernel_size=(1, 1), stride=(1, 1)) (fc3): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1)) (fc4): Conv2d(256, 1024, kernel_size=(1, 1), stride=(1, 1)) ) (interact_blocks): Sequential( (0): InteractBlock( (extract): ExtractLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=128, bias=True) (attention_weights): Linear(in_features=1024, out_features=64, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (insert): InsertLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=384, bias=True) (attention_weights): Linear(in_features=1024, out_features=192, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (ffn): ConvFFN( (fc1): Linear(in_features=1024, out_features=256, bias=True) (dwconv): DWConv( (dwconv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=256) ) (act): GELU() (fc2): Linear(in_features=256, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (drop_path): DropPath() ) (1): InteractBlock( (extract): ExtractLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=128, bias=True) (attention_weights): Linear(in_features=1024, out_features=64, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (insert): InsertLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=384, bias=True) (attention_weights): Linear(in_features=1024, out_features=192, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (ffn): ConvFFN( (fc1): Linear(in_features=1024, out_features=256, bias=True) (dwconv): DWConv( (dwconv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=256) ) (act): GELU() (fc2): Linear(in_features=256, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (drop_path): DropPath() ) (2): InteractBlock( (extract): ExtractLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=128, bias=True) (attention_weights): Linear(in_features=1024, out_features=64, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (insert): InsertLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=384, bias=True) (attention_weights): Linear(in_features=1024, out_features=192, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (ffn): ConvFFN( (fc1): Linear(in_features=1024, out_features=256, bias=True) (dwconv): DWConv( (dwconv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=256) ) (act): GELU() (fc2): Linear(in_features=256, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (drop_path): DropPath() ) (3): InteractBlock( (extract): ExtractLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=128, bias=True) (attention_weights): Linear(in_features=1024, out_features=64, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (insert): InsertLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=384, bias=True) (attention_weights): Linear(in_features=1024, out_features=192, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (ffn): ConvFFN( (fc1): Linear(in_features=1024, out_features=256, bias=True) (dwconv): DWConv( (dwconv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=256) ) (act): GELU() (fc2): Linear(in_features=256, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (drop_path): DropPath() ) ) (extract_blocks): Sequential( (0): ExtractBlock( (extract): ExtractLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=128, bias=True) (attention_weights): Linear(in_features=1024, out_features=64, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (ffn): ConvFFN( (fc1): Linear(in_features=1024, out_features=256, bias=True) (dwconv): DWConv( (dwconv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=256) ) (act): GELU() (fc2): Linear(in_features=256, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (drop_path): Identity() ) (1): ExtractBlock( (extract): ExtractLayer( (query_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (feat_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (attn): MSDeformAttn( (sampling_offsets): Linear(in_features=1024, out_features=128, bias=True) (attention_weights): Linear(in_features=1024, out_features=64, bias=True) (value_proj): Linear(in_features=1024, out_features=512, bias=True) (output_proj): Linear(in_features=512, out_features=1024, bias=True) ) ) (ffn): ConvFFN( (fc1): Linear(in_features=1024, out_features=256, bias=True) (dwconv): DWConv( (dwconv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), groups=256) ) (act): GELU() (fc2): Linear(in_features=256, out_features=1024, bias=True) (drop): Dropout(p=0.0, inplace=False) ) (ffn_norm): LayerNorm((1024,), eps=1e-06, elementwise_affine=True) (drop_path): Identity() ) ) (up): ConvTranspose2d(1024, 1024, kernel_size=(2, 2), stride=(2, 2)) (norm1): SyncBatchNorm(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (norm2): SyncBatchNorm(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (norm3): SyncBatchNorm(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (norm4): SyncBatchNorm(1024, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) ) (decode_head): UPerHead( input_transform=multiple_select, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss() (conv_seg): Conv2d(512, 150, kernel_size=(1, 1), stride=(1, 1)) (dropout): Dropout2d(p=0.1, inplace=False) (psp_modules): PPM( (0): Sequential( (0): AdaptiveAvgPool2d(output_size=1) (1): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (1): Sequential( (0): AdaptiveAvgPool2d(output_size=2) (1): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (2): Sequential( (0): AdaptiveAvgPool2d(output_size=3) (1): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) (3): Sequential( (0): AdaptiveAvgPool2d(output_size=6) (1): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) ) (bottleneck): ConvModule( (conv): Conv2d(3072, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) (lateral_convs): ModuleList( (0): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (1): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (2): ConvModule( (conv): Conv2d(1024, 512, kernel_size=(1, 1), stride=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) ) (fpn_convs): ModuleList( (0): ConvModule( (conv): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (1): ConvModule( (conv): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) (2): ConvModule( (conv): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU() ) ) (fpn_bottleneck): ConvModule( (conv): Conv2d(2048, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(512, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} (auxiliary_head): FCNHead( input_transform=None, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss() (conv_seg): Conv2d(256, 150, kernel_size=(1, 1), stride=(1, 1)) (dropout): Dropout2d(p=0.1, inplace=False) (convs): Sequential( (0): ConvModule( (conv): Conv2d(1024, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} ) 2022-03-01 02:42:28,816 - mmseg - INFO - Loaded 20210 images 2022-03-01 02:42:30,091 - mmseg - INFO - Loaded 2000 images 2022-03-01 02:42:30,092 - mmseg - INFO - Start running, host: chenzhe@HOST-10-142-40-13, work_dir: /home/chenzhe/workspace/DenseAdaptor/segmentation/work_dirs/upernet_vit_large_22k_adptor_1113_512_ade20k_160k 2022-03-01 02:42:30,092 - mmseg - INFO - Hooks will be executed in the following order: before_run: (VERY_HIGH ) PolyLrUpdaterHook (NORMAL ) CheckpointHook (LOW ) DistEvalHook (VERY_LOW ) TextLoggerHook -------------------- before_train_epoch: (VERY_HIGH ) PolyLrUpdaterHook (LOW ) IterTimerHook (LOW ) DistEvalHook (VERY_LOW ) TextLoggerHook -------------------- before_train_iter: (VERY_HIGH ) PolyLrUpdaterHook (LOW ) IterTimerHook (LOW ) DistEvalHook -------------------- after_train_iter: (ABOVE_NORMAL) OptimizerHook (NORMAL ) CheckpointHook (LOW ) IterTimerHook (LOW ) DistEvalHook (VERY_LOW ) TextLoggerHook -------------------- after_train_epoch: (NORMAL ) CheckpointHook (LOW ) DistEvalHook (VERY_LOW ) TextLoggerHook -------------------- before_val_epoch: (LOW ) IterTimerHook (VERY_LOW ) TextLoggerHook -------------------- before_val_iter: (LOW ) IterTimerHook -------------------- after_val_iter: (LOW ) IterTimerHook -------------------- after_val_epoch: (VERY_LOW ) TextLoggerHook -------------------- after_run: (VERY_LOW ) TextLoggerHook -------------------- 2022-03-01 02:42:30,092 - mmseg - INFO - workflow: [('train', 1)], max: 160000 iters 2022-03-01 02:42:30,092 - mmseg - INFO - Checkpoints will be saved to /home/chenzhe/workspace/DenseAdaptor/segmentation/work_dirs/upernet_vit_large_22k_adptor_1113_512_ade20k_160k by HardDiskBackend. 2022-03-01 02:43:11,458 - mmseg - INFO - Iter [50/160000] lr: 6.532e-07, eta: 1 day, 1:42:20, time: 0.579, data_time: 0.005, memory: 49013, decode.loss_ce: 4.1128, decode.acc_seg: 1.1926, aux.loss_ce: 1.6535, aux.acc_seg: 0.4573, loss: 5.7663 2022-03-01 02:43:29,279 - mmseg - INFO - Iter [100/160000] lr: 1.319e-06, eta: 20:45:44, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 3.8346, decode.acc_seg: 19.6267, aux.loss_ce: 1.6046, aux.acc_seg: 1.7468, loss: 5.4392 2022-03-01 02:43:47,154 - mmseg - INFO - Iter [150/160000] lr: 1.985e-06, eta: 19:07:46, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 3.2892, decode.acc_seg: 35.9035, aux.loss_ce: 1.5388, aux.acc_seg: 14.2892, loss: 4.8280 2022-03-01 02:44:05,083 - mmseg - INFO - Iter [200/160000] lr: 2.650e-06, eta: 18:19:17, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 2.8645, decode.acc_seg: 38.9441, aux.loss_ce: 1.4836, aux.acc_seg: 33.4709, loss: 4.3482 2022-03-01 02:44:22,946 - mmseg - INFO - Iter [250/160000] lr: 3.315e-06, eta: 17:49:09, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 2.4919, decode.acc_seg: 43.8045, aux.loss_ce: 1.3908, aux.acc_seg: 41.5043, loss: 3.8827 2022-03-01 02:44:40,693 - mmseg - INFO - Iter [300/160000] lr: 3.979e-06, eta: 17:28:20, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 2.1561, decode.acc_seg: 46.3952, aux.loss_ce: 1.2551, aux.acc_seg: 42.9346, loss: 3.4112 2022-03-01 02:44:58,502 - mmseg - INFO - Iter [350/160000] lr: 4.643e-06, eta: 17:13:26, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 1.9078, decode.acc_seg: 50.4075, aux.loss_ce: 1.1457, aux.acc_seg: 45.2232, loss: 3.0535 2022-03-01 02:45:16,285 - mmseg - INFO - Iter [400/160000] lr: 5.307e-06, eta: 17:02:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 1.6987, decode.acc_seg: 50.5894, aux.loss_ce: 1.0351, aux.acc_seg: 44.9471, loss: 2.7338 2022-03-01 02:45:34,066 - mmseg - INFO - Iter [450/160000] lr: 5.970e-06, eta: 16:53:37, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 1.5310, decode.acc_seg: 51.2903, aux.loss_ce: 0.9283, aux.acc_seg: 45.3900, loss: 2.4593 2022-03-01 02:45:51,899 - mmseg - INFO - Iter [500/160000] lr: 6.633e-06, eta: 16:46:47, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 1.4376, decode.acc_seg: 51.7824, aux.loss_ce: 0.8653, aux.acc_seg: 46.2691, loss: 2.3029 2022-03-01 02:46:09,608 - mmseg - INFO - Iter [550/160000] lr: 7.295e-06, eta: 16:40:31, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 1.4211, decode.acc_seg: 53.0042, aux.loss_ce: 0.8335, aux.acc_seg: 47.2344, loss: 2.2546 2022-03-01 02:46:27,351 - mmseg - INFO - Iter [600/160000] lr: 7.957e-06, eta: 16:35:21, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 1.2838, decode.acc_seg: 55.5516, aux.loss_ce: 0.7575, aux.acc_seg: 49.3811, loss: 2.0413 2022-03-01 02:46:45,130 - mmseg - INFO - Iter [650/160000] lr: 8.618e-06, eta: 16:31:13, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 1.2283, decode.acc_seg: 53.8143, aux.loss_ce: 0.7055, aux.acc_seg: 48.0148, loss: 1.9338 2022-03-01 02:47:03,012 - mmseg - INFO - Iter [700/160000] lr: 9.279e-06, eta: 16:27:56, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 1.1603, decode.acc_seg: 56.3916, aux.loss_ce: 0.6628, aux.acc_seg: 50.8242, loss: 1.8231 2022-03-01 02:47:20,763 - mmseg - INFO - Iter [750/160000] lr: 9.940e-06, eta: 16:24:36, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 1.0723, decode.acc_seg: 54.7045, aux.loss_ce: 0.5957, aux.acc_seg: 50.2999, loss: 1.6680 2022-03-01 02:47:38,523 - mmseg - INFO - Iter [800/160000] lr: 1.060e-05, eta: 16:21:41, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 1.0832, decode.acc_seg: 56.7335, aux.loss_ce: 0.6014, aux.acc_seg: 51.6938, loss: 1.6846 2022-03-01 02:47:56,406 - mmseg - INFO - Iter [850/160000] lr: 1.126e-05, eta: 16:19:27, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 1.0920, decode.acc_seg: 55.5838, aux.loss_ce: 0.5852, aux.acc_seg: 51.5332, loss: 1.6772 2022-03-01 02:48:14,266 - mmseg - INFO - Iter [900/160000] lr: 1.192e-05, eta: 16:17:22, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 1.0355, decode.acc_seg: 57.4124, aux.loss_ce: 0.5534, aux.acc_seg: 54.0092, loss: 1.5890 2022-03-01 02:48:32,000 - mmseg - INFO - Iter [950/160000] lr: 1.258e-05, eta: 16:15:07, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.9924, decode.acc_seg: 56.5948, aux.loss_ce: 0.5346, aux.acc_seg: 52.5664, loss: 1.5270 2022-03-01 02:48:49,703 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 02:48:49,703 - mmseg - INFO - Iter [1000/160000] lr: 1.324e-05, eta: 16:12:59, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.9248, decode.acc_seg: 56.6516, aux.loss_ce: 0.4920, aux.acc_seg: 52.7331, loss: 1.4168 2022-03-01 02:49:07,534 - mmseg - INFO - Iter [1050/160000] lr: 1.389e-05, eta: 16:11:20, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 1.0198, decode.acc_seg: 54.9242, aux.loss_ce: 0.5206, aux.acc_seg: 52.3547, loss: 1.5405 2022-03-01 02:49:25,326 - mmseg - INFO - Iter [1100/160000] lr: 1.455e-05, eta: 16:09:44, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.9640, decode.acc_seg: 56.8855, aux.loss_ce: 0.4911, aux.acc_seg: 54.4352, loss: 1.4551 2022-03-01 02:49:43,203 - mmseg - INFO - Iter [1150/160000] lr: 1.521e-05, eta: 16:08:23, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.9422, decode.acc_seg: 58.4402, aux.loss_ce: 0.4777, aux.acc_seg: 55.6894, loss: 1.4200 2022-03-01 02:50:00,998 - mmseg - INFO - Iter [1200/160000] lr: 1.587e-05, eta: 16:07:02, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.8647, decode.acc_seg: 58.5099, aux.loss_ce: 0.4382, aux.acc_seg: 55.8095, loss: 1.3029 2022-03-01 02:50:18,931 - mmseg - INFO - Iter [1250/160000] lr: 1.652e-05, eta: 16:06:01, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 0.8291, decode.acc_seg: 57.3642, aux.loss_ce: 0.4191, aux.acc_seg: 54.8673, loss: 1.2482 2022-03-01 02:50:39,212 - mmseg - INFO - Iter [1300/160000] lr: 1.718e-05, eta: 16:09:50, time: 0.406, data_time: 0.048, memory: 49013, decode.loss_ce: 0.7916, decode.acc_seg: 59.4051, aux.loss_ce: 0.4033, aux.acc_seg: 57.1174, loss: 1.1949 2022-03-01 02:50:57,018 - mmseg - INFO - Iter [1350/160000] lr: 1.784e-05, eta: 16:08:30, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.8321, decode.acc_seg: 59.0269, aux.loss_ce: 0.4167, aux.acc_seg: 56.4296, loss: 1.2488 2022-03-01 02:51:15,188 - mmseg - INFO - Iter [1400/160000] lr: 1.849e-05, eta: 16:07:55, time: 0.363, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7741, decode.acc_seg: 60.1294, aux.loss_ce: 0.3917, aux.acc_seg: 57.4119, loss: 1.1657 2022-03-01 02:51:33,043 - mmseg - INFO - Iter [1450/160000] lr: 1.915e-05, eta: 16:06:47, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7566, decode.acc_seg: 59.9383, aux.loss_ce: 0.3693, aux.acc_seg: 58.3312, loss: 1.1259 2022-03-01 02:51:50,931 - mmseg - INFO - Iter [1500/160000] lr: 1.980e-05, eta: 16:05:46, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.8282, decode.acc_seg: 58.4348, aux.loss_ce: 0.3977, aux.acc_seg: 56.2220, loss: 1.2258 2022-03-01 02:52:08,870 - mmseg - INFO - Iter [1550/160000] lr: 1.981e-05, eta: 16:04:50, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7596, decode.acc_seg: 58.5096, aux.loss_ce: 0.3670, aux.acc_seg: 56.8503, loss: 1.1266 2022-03-01 02:52:26,759 - mmseg - INFO - Iter [1600/160000] lr: 1.980e-05, eta: 16:03:57, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.7413, decode.acc_seg: 61.7043, aux.loss_ce: 0.3603, aux.acc_seg: 59.2954, loss: 1.1016 2022-03-01 02:52:44,624 - mmseg - INFO - Iter [1650/160000] lr: 1.979e-05, eta: 16:03:01, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7951, decode.acc_seg: 59.7841, aux.loss_ce: 0.3853, aux.acc_seg: 57.5350, loss: 1.1804 2022-03-01 02:53:02,476 - mmseg - INFO - Iter [1700/160000] lr: 1.979e-05, eta: 16:02:06, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7769, decode.acc_seg: 60.0441, aux.loss_ce: 0.3687, aux.acc_seg: 57.5945, loss: 1.1455 2022-03-01 02:53:20,348 - mmseg - INFO - Iter [1750/160000] lr: 1.978e-05, eta: 16:01:15, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7484, decode.acc_seg: 61.3657, aux.loss_ce: 0.3573, aux.acc_seg: 59.4613, loss: 1.1057 2022-03-01 02:53:38,096 - mmseg - INFO - Iter [1800/160000] lr: 1.978e-05, eta: 16:00:15, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7083, decode.acc_seg: 61.1197, aux.loss_ce: 0.3278, aux.acc_seg: 59.8530, loss: 1.0361 2022-03-01 02:53:55,867 - mmseg - INFO - Iter [1850/160000] lr: 1.977e-05, eta: 15:59:20, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7242, decode.acc_seg: 62.2755, aux.loss_ce: 0.3356, aux.acc_seg: 60.5177, loss: 1.0598 2022-03-01 02:54:13,563 - mmseg - INFO - Iter [1900/160000] lr: 1.976e-05, eta: 15:58:20, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7261, decode.acc_seg: 61.4991, aux.loss_ce: 0.3353, aux.acc_seg: 59.5354, loss: 1.0614 2022-03-01 02:54:31,405 - mmseg - INFO - Iter [1950/160000] lr: 1.976e-05, eta: 15:57:31, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7339, decode.acc_seg: 59.3117, aux.loss_ce: 0.3357, aux.acc_seg: 57.6905, loss: 1.0697 2022-03-01 02:54:49,157 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 02:54:49,158 - mmseg - INFO - Iter [2000/160000] lr: 1.975e-05, eta: 15:56:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.7450, decode.acc_seg: 59.7102, aux.loss_ce: 0.3334, aux.acc_seg: 58.9096, loss: 1.0784 2022-03-01 02:55:06,870 - mmseg - INFO - Iter [2050/160000] lr: 1.974e-05, eta: 15:55:49, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7292, decode.acc_seg: 60.1568, aux.loss_ce: 0.3255, aux.acc_seg: 59.3997, loss: 1.0547 2022-03-01 02:55:24,762 - mmseg - INFO - Iter [2100/160000] lr: 1.974e-05, eta: 15:55:11, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7222, decode.acc_seg: 61.2641, aux.loss_ce: 0.3245, aux.acc_seg: 60.1592, loss: 1.0467 2022-03-01 02:55:42,458 - mmseg - INFO - Iter [2150/160000] lr: 1.973e-05, eta: 15:54:19, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7281, decode.acc_seg: 61.4511, aux.loss_ce: 0.3252, aux.acc_seg: 60.7081, loss: 1.0533 2022-03-01 02:56:00,269 - mmseg - INFO - Iter [2200/160000] lr: 1.973e-05, eta: 15:53:38, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.7075, decode.acc_seg: 61.5923, aux.loss_ce: 0.3152, aux.acc_seg: 60.6256, loss: 1.0227 2022-03-01 02:56:18,008 - mmseg - INFO - Iter [2250/160000] lr: 1.972e-05, eta: 15:52:52, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6897, decode.acc_seg: 61.4283, aux.loss_ce: 0.3055, aux.acc_seg: 61.1274, loss: 0.9952 2022-03-01 02:56:35,956 - mmseg - INFO - Iter [2300/160000] lr: 1.971e-05, eta: 15:52:22, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6851, decode.acc_seg: 60.7338, aux.loss_ce: 0.3077, aux.acc_seg: 59.3908, loss: 0.9929 2022-03-01 02:56:53,637 - mmseg - INFO - Iter [2350/160000] lr: 1.971e-05, eta: 15:51:35, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6648, decode.acc_seg: 61.1027, aux.loss_ce: 0.2905, aux.acc_seg: 60.5035, loss: 0.9553 2022-03-01 02:57:11,580 - mmseg - INFO - Iter [2400/160000] lr: 1.970e-05, eta: 15:51:06, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6415, decode.acc_seg: 63.1932, aux.loss_ce: 0.2849, aux.acc_seg: 62.3277, loss: 0.9264 2022-03-01 02:57:29,365 - mmseg - INFO - Iter [2450/160000] lr: 1.969e-05, eta: 15:50:27, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6543, decode.acc_seg: 60.6540, aux.loss_ce: 0.2864, aux.acc_seg: 60.5000, loss: 0.9407 2022-03-01 02:57:47,061 - mmseg - INFO - Iter [2500/160000] lr: 1.969e-05, eta: 15:49:44, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6836, decode.acc_seg: 60.2924, aux.loss_ce: 0.2969, aux.acc_seg: 60.1459, loss: 0.9804 2022-03-01 02:58:07,185 - mmseg - INFO - Iter [2550/160000] lr: 1.968e-05, eta: 15:51:31, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.6122, decode.acc_seg: 61.0722, aux.loss_ce: 0.2656, aux.acc_seg: 60.6081, loss: 0.8778 2022-03-01 02:58:24,973 - mmseg - INFO - Iter [2600/160000] lr: 1.968e-05, eta: 15:50:52, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6349, decode.acc_seg: 62.8801, aux.loss_ce: 0.2815, aux.acc_seg: 61.9372, loss: 0.9164 2022-03-01 02:58:42,708 - mmseg - INFO - Iter [2650/160000] lr: 1.967e-05, eta: 15:50:11, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5777, decode.acc_seg: 63.3261, aux.loss_ce: 0.2526, aux.acc_seg: 62.9233, loss: 0.8303 2022-03-01 02:59:00,418 - mmseg - INFO - Iter [2700/160000] lr: 1.966e-05, eta: 15:49:29, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6180, decode.acc_seg: 61.6505, aux.loss_ce: 0.2679, aux.acc_seg: 61.1106, loss: 0.8859 2022-03-01 02:59:18,189 - mmseg - INFO - Iter [2750/160000] lr: 1.966e-05, eta: 15:48:52, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6114, decode.acc_seg: 64.5772, aux.loss_ce: 0.2696, aux.acc_seg: 63.8372, loss: 0.8810 2022-03-01 02:59:35,816 - mmseg - INFO - Iter [2800/160000] lr: 1.965e-05, eta: 15:48:07, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6239, decode.acc_seg: 61.6928, aux.loss_ce: 0.2708, aux.acc_seg: 61.0354, loss: 0.8947 2022-03-01 02:59:53,576 - mmseg - INFO - Iter [2850/160000] lr: 1.964e-05, eta: 15:47:31, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6143, decode.acc_seg: 61.4086, aux.loss_ce: 0.2633, aux.acc_seg: 61.1591, loss: 0.8776 2022-03-01 03:00:11,313 - mmseg - INFO - Iter [2900/160000] lr: 1.964e-05, eta: 15:46:53, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6230, decode.acc_seg: 61.5935, aux.loss_ce: 0.2684, aux.acc_seg: 61.2603, loss: 0.8914 2022-03-01 03:00:29,055 - mmseg - INFO - Iter [2950/160000] lr: 1.963e-05, eta: 15:46:17, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5988, decode.acc_seg: 63.4782, aux.loss_ce: 0.2571, aux.acc_seg: 62.6733, loss: 0.8559 2022-03-01 03:00:46,743 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:00:46,743 - mmseg - INFO - Iter [3000/160000] lr: 1.963e-05, eta: 15:45:39, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5557, decode.acc_seg: 63.1187, aux.loss_ce: 0.2449, aux.acc_seg: 62.6712, loss: 0.8006 2022-03-01 03:01:04,395 - mmseg - INFO - Iter [3050/160000] lr: 1.962e-05, eta: 15:44:59, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6256, decode.acc_seg: 61.7433, aux.loss_ce: 0.2635, aux.acc_seg: 61.4692, loss: 0.8890 2022-03-01 03:01:22,162 - mmseg - INFO - Iter [3100/160000] lr: 1.961e-05, eta: 15:44:26, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6253, decode.acc_seg: 63.6290, aux.loss_ce: 0.2639, aux.acc_seg: 63.1573, loss: 0.8892 2022-03-01 03:01:39,867 - mmseg - INFO - Iter [3150/160000] lr: 1.961e-05, eta: 15:43:51, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5913, decode.acc_seg: 62.5872, aux.loss_ce: 0.2499, aux.acc_seg: 62.3127, loss: 0.8412 2022-03-01 03:01:57,601 - mmseg - INFO - Iter [3200/160000] lr: 1.960e-05, eta: 15:43:17, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5800, decode.acc_seg: 62.9235, aux.loss_ce: 0.2466, aux.acc_seg: 62.4525, loss: 0.8267 2022-03-01 03:02:15,430 - mmseg - INFO - Iter [3250/160000] lr: 1.959e-05, eta: 15:42:48, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5912, decode.acc_seg: 62.5539, aux.loss_ce: 0.2484, aux.acc_seg: 62.3843, loss: 0.8396 2022-03-01 03:02:33,146 - mmseg - INFO - Iter [3300/160000] lr: 1.959e-05, eta: 15:42:15, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5921, decode.acc_seg: 63.2666, aux.loss_ce: 0.2502, aux.acc_seg: 63.3982, loss: 0.8423 2022-03-01 03:02:50,783 - mmseg - INFO - Iter [3350/160000] lr: 1.958e-05, eta: 15:41:38, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5959, decode.acc_seg: 63.9547, aux.loss_ce: 0.2507, aux.acc_seg: 63.7594, loss: 0.8466 2022-03-01 03:03:08,543 - mmseg - INFO - Iter [3400/160000] lr: 1.958e-05, eta: 15:41:07, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5593, decode.acc_seg: 64.4417, aux.loss_ce: 0.2355, aux.acc_seg: 63.9792, loss: 0.7949 2022-03-01 03:03:26,441 - mmseg - INFO - Iter [3450/160000] lr: 1.957e-05, eta: 15:40:43, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6075, decode.acc_seg: 63.1421, aux.loss_ce: 0.2559, aux.acc_seg: 62.7323, loss: 0.8633 2022-03-01 03:03:44,075 - mmseg - INFO - Iter [3500/160000] lr: 1.956e-05, eta: 15:40:07, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5896, decode.acc_seg: 63.2637, aux.loss_ce: 0.2457, aux.acc_seg: 63.6681, loss: 0.8353 2022-03-01 03:04:01,922 - mmseg - INFO - Iter [3550/160000] lr: 1.956e-05, eta: 15:39:42, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5902, decode.acc_seg: 63.1450, aux.loss_ce: 0.2453, aux.acc_seg: 63.0698, loss: 0.8355 2022-03-01 03:04:19,585 - mmseg - INFO - Iter [3600/160000] lr: 1.955e-05, eta: 15:39:08, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6332, decode.acc_seg: 63.8943, aux.loss_ce: 0.2636, aux.acc_seg: 63.7466, loss: 0.8968 2022-03-01 03:04:37,378 - mmseg - INFO - Iter [3650/160000] lr: 1.954e-05, eta: 15:38:41, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6069, decode.acc_seg: 62.9301, aux.loss_ce: 0.2513, aux.acc_seg: 62.8764, loss: 0.8582 2022-03-01 03:04:55,120 - mmseg - INFO - Iter [3700/160000] lr: 1.954e-05, eta: 15:38:11, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.6038, decode.acc_seg: 64.6562, aux.loss_ce: 0.2537, aux.acc_seg: 64.3675, loss: 0.8575 2022-03-01 03:05:12,885 - mmseg - INFO - Iter [3750/160000] lr: 1.953e-05, eta: 15:37:43, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5788, decode.acc_seg: 64.1117, aux.loss_ce: 0.2384, aux.acc_seg: 63.9014, loss: 0.8172 2022-03-01 03:05:32,921 - mmseg - INFO - Iter [3800/160000] lr: 1.953e-05, eta: 15:38:49, time: 0.401, data_time: 0.051, memory: 49013, decode.loss_ce: 0.5828, decode.acc_seg: 63.2941, aux.loss_ce: 0.2422, aux.acc_seg: 63.0544, loss: 0.8250 2022-03-01 03:05:50,711 - mmseg - INFO - Iter [3850/160000] lr: 1.952e-05, eta: 15:38:21, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5320, decode.acc_seg: 63.4280, aux.loss_ce: 0.2232, aux.acc_seg: 63.2139, loss: 0.7553 2022-03-01 03:06:08,491 - mmseg - INFO - Iter [3900/160000] lr: 1.951e-05, eta: 15:37:53, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5310, decode.acc_seg: 65.6641, aux.loss_ce: 0.2233, aux.acc_seg: 65.6545, loss: 0.7543 2022-03-01 03:06:26,265 - mmseg - INFO - Iter [3950/160000] lr: 1.951e-05, eta: 15:37:25, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5524, decode.acc_seg: 64.7396, aux.loss_ce: 0.2288, aux.acc_seg: 64.4584, loss: 0.7812 2022-03-01 03:06:44,091 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:06:44,092 - mmseg - INFO - Iter [4000/160000] lr: 1.950e-05, eta: 15:36:59, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5137, decode.acc_seg: 66.2578, aux.loss_ce: 0.2146, aux.acc_seg: 66.1271, loss: 0.7284 2022-03-01 03:07:01,896 - mmseg - INFO - Iter [4050/160000] lr: 1.949e-05, eta: 15:36:32, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5151, decode.acc_seg: 63.7443, aux.loss_ce: 0.2182, aux.acc_seg: 63.3360, loss: 0.7333 2022-03-01 03:07:19,715 - mmseg - INFO - Iter [4100/160000] lr: 1.949e-05, eta: 15:36:08, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5267, decode.acc_seg: 65.4043, aux.loss_ce: 0.2193, aux.acc_seg: 65.2224, loss: 0.7460 2022-03-01 03:07:37,472 - mmseg - INFO - Iter [4150/160000] lr: 1.948e-05, eta: 15:35:40, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5450, decode.acc_seg: 65.0885, aux.loss_ce: 0.2241, aux.acc_seg: 65.0897, loss: 0.7690 2022-03-01 03:07:55,184 - mmseg - INFO - Iter [4200/160000] lr: 1.948e-05, eta: 15:35:11, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5274, decode.acc_seg: 64.9013, aux.loss_ce: 0.2173, aux.acc_seg: 64.7725, loss: 0.7447 2022-03-01 03:08:12,962 - mmseg - INFO - Iter [4250/160000] lr: 1.947e-05, eta: 15:34:44, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5606, decode.acc_seg: 65.2511, aux.loss_ce: 0.2323, aux.acc_seg: 65.1904, loss: 0.7929 2022-03-01 03:08:30,749 - mmseg - INFO - Iter [4300/160000] lr: 1.946e-05, eta: 15:34:18, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5584, decode.acc_seg: 63.5634, aux.loss_ce: 0.2280, aux.acc_seg: 63.7026, loss: 0.7864 2022-03-01 03:08:48,391 - mmseg - INFO - Iter [4350/160000] lr: 1.946e-05, eta: 15:33:47, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5456, decode.acc_seg: 65.0878, aux.loss_ce: 0.2231, aux.acc_seg: 65.1748, loss: 0.7688 2022-03-01 03:09:06,078 - mmseg - INFO - Iter [4400/160000] lr: 1.945e-05, eta: 15:33:18, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5858, decode.acc_seg: 63.8928, aux.loss_ce: 0.2392, aux.acc_seg: 64.0308, loss: 0.8251 2022-03-01 03:09:23,788 - mmseg - INFO - Iter [4450/160000] lr: 1.944e-05, eta: 15:32:51, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5508, decode.acc_seg: 63.9918, aux.loss_ce: 0.2260, aux.acc_seg: 63.8916, loss: 0.7768 2022-03-01 03:09:41,549 - mmseg - INFO - Iter [4500/160000] lr: 1.944e-05, eta: 15:32:25, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5179, decode.acc_seg: 64.8501, aux.loss_ce: 0.2149, aux.acc_seg: 64.7281, loss: 0.7328 2022-03-01 03:09:59,401 - mmseg - INFO - Iter [4550/160000] lr: 1.943e-05, eta: 15:32:02, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5446, decode.acc_seg: 65.7707, aux.loss_ce: 0.2246, aux.acc_seg: 65.6791, loss: 0.7692 2022-03-01 03:10:17,119 - mmseg - INFO - Iter [4600/160000] lr: 1.943e-05, eta: 15:31:35, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5760, decode.acc_seg: 63.6998, aux.loss_ce: 0.2377, aux.acc_seg: 63.5156, loss: 0.8137 2022-03-01 03:10:34,934 - mmseg - INFO - Iter [4650/160000] lr: 1.942e-05, eta: 15:31:11, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5486, decode.acc_seg: 64.9801, aux.loss_ce: 0.2230, aux.acc_seg: 65.1137, loss: 0.7716 2022-03-01 03:10:52,669 - mmseg - INFO - Iter [4700/160000] lr: 1.941e-05, eta: 15:30:45, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5506, decode.acc_seg: 64.9566, aux.loss_ce: 0.2273, aux.acc_seg: 64.5939, loss: 0.7779 2022-03-01 03:11:10,503 - mmseg - INFO - Iter [4750/160000] lr: 1.941e-05, eta: 15:30:22, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5458, decode.acc_seg: 65.0773, aux.loss_ce: 0.2230, aux.acc_seg: 65.1499, loss: 0.7687 2022-03-01 03:11:28,433 - mmseg - INFO - Iter [4800/160000] lr: 1.940e-05, eta: 15:30:03, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5704, decode.acc_seg: 63.3650, aux.loss_ce: 0.2339, aux.acc_seg: 63.1110, loss: 0.8042 2022-03-01 03:11:46,205 - mmseg - INFO - Iter [4850/160000] lr: 1.939e-05, eta: 15:29:38, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5818, decode.acc_seg: 63.6256, aux.loss_ce: 0.2366, aux.acc_seg: 63.6357, loss: 0.8184 2022-03-01 03:12:03,952 - mmseg - INFO - Iter [4900/160000] lr: 1.939e-05, eta: 15:29:13, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5689, decode.acc_seg: 63.8755, aux.loss_ce: 0.2311, aux.acc_seg: 64.0365, loss: 0.8000 2022-03-01 03:12:21,808 - mmseg - INFO - Iter [4950/160000] lr: 1.938e-05, eta: 15:28:50, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5568, decode.acc_seg: 65.1090, aux.loss_ce: 0.2290, aux.acc_seg: 64.9458, loss: 0.7858 2022-03-01 03:12:39,581 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:12:39,582 - mmseg - INFO - Iter [5000/160000] lr: 1.938e-05, eta: 15:28:27, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.5452, decode.acc_seg: 64.2854, aux.loss_ce: 0.2256, aux.acc_seg: 64.1430, loss: 0.7708 2022-03-01 03:12:57,225 - mmseg - INFO - Iter [5050/160000] lr: 1.937e-05, eta: 15:27:59, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5493, decode.acc_seg: 64.7589, aux.loss_ce: 0.2240, aux.acc_seg: 65.0281, loss: 0.7733 2022-03-01 03:13:17,364 - mmseg - INFO - Iter [5100/160000] lr: 1.936e-05, eta: 15:28:47, time: 0.403, data_time: 0.046, memory: 49013, decode.loss_ce: 0.4851, decode.acc_seg: 66.7501, aux.loss_ce: 0.2007, aux.acc_seg: 66.8028, loss: 0.6857 2022-03-01 03:13:35,301 - mmseg - INFO - Iter [5150/160000] lr: 1.936e-05, eta: 15:28:27, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4897, decode.acc_seg: 66.5662, aux.loss_ce: 0.2055, aux.acc_seg: 66.6220, loss: 0.6952 2022-03-01 03:13:53,192 - mmseg - INFO - Iter [5200/160000] lr: 1.935e-05, eta: 15:28:07, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4862, decode.acc_seg: 66.5575, aux.loss_ce: 0.2020, aux.acc_seg: 66.4884, loss: 0.6882 2022-03-01 03:14:10,821 - mmseg - INFO - Iter [5250/160000] lr: 1.934e-05, eta: 15:27:38, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4787, decode.acc_seg: 66.1678, aux.loss_ce: 0.1966, aux.acc_seg: 66.3429, loss: 0.6752 2022-03-01 03:14:28,564 - mmseg - INFO - Iter [5300/160000] lr: 1.934e-05, eta: 15:27:12, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4876, decode.acc_seg: 65.6668, aux.loss_ce: 0.2007, aux.acc_seg: 65.4975, loss: 0.6883 2022-03-01 03:14:46,333 - mmseg - INFO - Iter [5350/160000] lr: 1.933e-05, eta: 15:26:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.5010, decode.acc_seg: 66.3113, aux.loss_ce: 0.2057, aux.acc_seg: 66.2393, loss: 0.7067 2022-03-01 03:15:04,070 - mmseg - INFO - Iter [5400/160000] lr: 1.933e-05, eta: 15:26:24, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5245, decode.acc_seg: 64.9521, aux.loss_ce: 0.2138, aux.acc_seg: 65.2450, loss: 0.7384 2022-03-01 03:15:21,871 - mmseg - INFO - Iter [5450/160000] lr: 1.932e-05, eta: 15:26:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4739, decode.acc_seg: 66.9714, aux.loss_ce: 0.1969, aux.acc_seg: 66.8376, loss: 0.6708 2022-03-01 03:15:39,594 - mmseg - INFO - Iter [5500/160000] lr: 1.931e-05, eta: 15:25:36, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4910, decode.acc_seg: 65.7288, aux.loss_ce: 0.2040, aux.acc_seg: 65.3376, loss: 0.6950 2022-03-01 03:15:57,285 - mmseg - INFO - Iter [5550/160000] lr: 1.931e-05, eta: 15:25:10, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5088, decode.acc_seg: 65.7091, aux.loss_ce: 0.2076, aux.acc_seg: 65.6690, loss: 0.7164 2022-03-01 03:16:15,153 - mmseg - INFO - Iter [5600/160000] lr: 1.930e-05, eta: 15:24:49, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5086, decode.acc_seg: 64.5272, aux.loss_ce: 0.2105, aux.acc_seg: 64.4975, loss: 0.7190 2022-03-01 03:16:32,888 - mmseg - INFO - Iter [5650/160000] lr: 1.929e-05, eta: 15:24:25, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5115, decode.acc_seg: 67.0306, aux.loss_ce: 0.2085, aux.acc_seg: 66.9575, loss: 0.7201 2022-03-01 03:16:50,510 - mmseg - INFO - Iter [5700/160000] lr: 1.929e-05, eta: 15:23:58, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4983, decode.acc_seg: 65.6084, aux.loss_ce: 0.2037, aux.acc_seg: 65.5984, loss: 0.7020 2022-03-01 03:17:08,230 - mmseg - INFO - Iter [5750/160000] lr: 1.928e-05, eta: 15:23:33, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5268, decode.acc_seg: 65.0517, aux.loss_ce: 0.2158, aux.acc_seg: 65.1501, loss: 0.7426 2022-03-01 03:17:25,949 - mmseg - INFO - Iter [5800/160000] lr: 1.928e-05, eta: 15:23:09, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4908, decode.acc_seg: 66.3011, aux.loss_ce: 0.2002, aux.acc_seg: 65.8702, loss: 0.6910 2022-03-01 03:17:43,670 - mmseg - INFO - Iter [5850/160000] lr: 1.927e-05, eta: 15:22:44, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4915, decode.acc_seg: 68.0608, aux.loss_ce: 0.1986, aux.acc_seg: 68.0911, loss: 0.6901 2022-03-01 03:18:01,532 - mmseg - INFO - Iter [5900/160000] lr: 1.926e-05, eta: 15:22:24, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5013, decode.acc_seg: 66.5718, aux.loss_ce: 0.2052, aux.acc_seg: 66.6904, loss: 0.7065 2022-03-01 03:18:19,390 - mmseg - INFO - Iter [5950/160000] lr: 1.926e-05, eta: 15:22:03, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5030, decode.acc_seg: 65.3098, aux.loss_ce: 0.2045, aux.acc_seg: 65.1874, loss: 0.7074 2022-03-01 03:18:37,048 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:18:37,048 - mmseg - INFO - Iter [6000/160000] lr: 1.925e-05, eta: 15:21:38, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.5171, decode.acc_seg: 65.1919, aux.loss_ce: 0.2116, aux.acc_seg: 65.2968, loss: 0.7287 2022-03-01 03:18:54,851 - mmseg - INFO - Iter [6050/160000] lr: 1.924e-05, eta: 15:21:16, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4912, decode.acc_seg: 65.4407, aux.loss_ce: 0.2014, aux.acc_seg: 65.6391, loss: 0.6926 2022-03-01 03:19:12,597 - mmseg - INFO - Iter [6100/160000] lr: 1.924e-05, eta: 15:20:53, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4933, decode.acc_seg: 64.8695, aux.loss_ce: 0.2020, aux.acc_seg: 64.7573, loss: 0.6952 2022-03-01 03:19:30,494 - mmseg - INFO - Iter [6150/160000] lr: 1.923e-05, eta: 15:20:33, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4629, decode.acc_seg: 67.1923, aux.loss_ce: 0.1907, aux.acc_seg: 66.9615, loss: 0.6536 2022-03-01 03:19:48,488 - mmseg - INFO - Iter [6200/160000] lr: 1.923e-05, eta: 15:20:17, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.5063, decode.acc_seg: 65.6794, aux.loss_ce: 0.2066, aux.acc_seg: 65.4654, loss: 0.7130 2022-03-01 03:20:06,104 - mmseg - INFO - Iter [6250/160000] lr: 1.922e-05, eta: 15:19:50, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4770, decode.acc_seg: 65.6734, aux.loss_ce: 0.1956, aux.acc_seg: 65.4395, loss: 0.6727 2022-03-01 03:20:23,785 - mmseg - INFO - Iter [6300/160000] lr: 1.921e-05, eta: 15:19:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4598, decode.acc_seg: 66.3077, aux.loss_ce: 0.1878, aux.acc_seg: 66.3069, loss: 0.6476 2022-03-01 03:20:43,882 - mmseg - INFO - Iter [6350/160000] lr: 1.921e-05, eta: 15:20:00, time: 0.402, data_time: 0.050, memory: 49013, decode.loss_ce: 0.4745, decode.acc_seg: 65.5089, aux.loss_ce: 0.1959, aux.acc_seg: 65.4820, loss: 0.6704 2022-03-01 03:21:01,556 - mmseg - INFO - Iter [6400/160000] lr: 1.920e-05, eta: 15:19:35, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4338, decode.acc_seg: 68.2078, aux.loss_ce: 0.1792, aux.acc_seg: 68.2079, loss: 0.6130 2022-03-01 03:21:19,252 - mmseg - INFO - Iter [6450/160000] lr: 1.919e-05, eta: 15:19:11, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4726, decode.acc_seg: 67.0374, aux.loss_ce: 0.1947, aux.acc_seg: 67.0826, loss: 0.6673 2022-03-01 03:21:36,898 - mmseg - INFO - Iter [6500/160000] lr: 1.919e-05, eta: 15:18:45, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4592, decode.acc_seg: 67.3074, aux.loss_ce: 0.1901, aux.acc_seg: 67.1924, loss: 0.6493 2022-03-01 03:21:54,583 - mmseg - INFO - Iter [6550/160000] lr: 1.918e-05, eta: 15:18:21, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4455, decode.acc_seg: 67.3522, aux.loss_ce: 0.1833, aux.acc_seg: 67.4216, loss: 0.6288 2022-03-01 03:22:12,655 - mmseg - INFO - Iter [6600/160000] lr: 1.918e-05, eta: 15:18:06, time: 0.361, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4302, decode.acc_seg: 66.5447, aux.loss_ce: 0.1770, aux.acc_seg: 66.5118, loss: 0.6072 2022-03-01 03:22:30,499 - mmseg - INFO - Iter [6650/160000] lr: 1.917e-05, eta: 15:17:45, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4875, decode.acc_seg: 68.0228, aux.loss_ce: 0.2008, aux.acc_seg: 67.7656, loss: 0.6883 2022-03-01 03:22:48,221 - mmseg - INFO - Iter [6700/160000] lr: 1.916e-05, eta: 15:17:22, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4674, decode.acc_seg: 66.2704, aux.loss_ce: 0.1894, aux.acc_seg: 66.3315, loss: 0.6568 2022-03-01 03:23:05,978 - mmseg - INFO - Iter [6750/160000] lr: 1.916e-05, eta: 15:17:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4731, decode.acc_seg: 65.2317, aux.loss_ce: 0.1921, aux.acc_seg: 65.2045, loss: 0.6651 2022-03-01 03:23:23,708 - mmseg - INFO - Iter [6800/160000] lr: 1.915e-05, eta: 15:16:37, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4615, decode.acc_seg: 67.5800, aux.loss_ce: 0.1899, aux.acc_seg: 67.5102, loss: 0.6514 2022-03-01 03:23:41,602 - mmseg - INFO - Iter [6850/160000] lr: 1.914e-05, eta: 15:16:17, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4536, decode.acc_seg: 66.2436, aux.loss_ce: 0.1855, aux.acc_seg: 66.3229, loss: 0.6391 2022-03-01 03:23:59,311 - mmseg - INFO - Iter [6900/160000] lr: 1.914e-05, eta: 15:15:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.5257, decode.acc_seg: 65.2063, aux.loss_ce: 0.2136, aux.acc_seg: 65.2924, loss: 0.7393 2022-03-01 03:24:17,091 - mmseg - INFO - Iter [6950/160000] lr: 1.913e-05, eta: 15:15:33, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4760, decode.acc_seg: 66.1388, aux.loss_ce: 0.1941, aux.acc_seg: 65.7736, loss: 0.6701 2022-03-01 03:24:34,934 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:24:34,936 - mmseg - INFO - Iter [7000/160000] lr: 1.913e-05, eta: 15:15:12, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4579, decode.acc_seg: 66.9498, aux.loss_ce: 0.1891, aux.acc_seg: 66.8462, loss: 0.6470 2022-03-01 03:24:52,689 - mmseg - INFO - Iter [7050/160000] lr: 1.912e-05, eta: 15:14:50, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4720, decode.acc_seg: 66.8936, aux.loss_ce: 0.1934, aux.acc_seg: 66.8974, loss: 0.6654 2022-03-01 03:25:10,471 - mmseg - INFO - Iter [7100/160000] lr: 1.911e-05, eta: 15:14:29, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4646, decode.acc_seg: 67.1985, aux.loss_ce: 0.1908, aux.acc_seg: 67.2252, loss: 0.6554 2022-03-01 03:25:28,271 - mmseg - INFO - Iter [7150/160000] lr: 1.911e-05, eta: 15:14:08, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4516, decode.acc_seg: 65.5371, aux.loss_ce: 0.1853, aux.acc_seg: 65.5957, loss: 0.6369 2022-03-01 03:25:45,968 - mmseg - INFO - Iter [7200/160000] lr: 1.910e-05, eta: 15:13:45, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4788, decode.acc_seg: 66.5644, aux.loss_ce: 0.1955, aux.acc_seg: 66.5984, loss: 0.6743 2022-03-01 03:26:03,769 - mmseg - INFO - Iter [7250/160000] lr: 1.909e-05, eta: 15:13:24, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4735, decode.acc_seg: 65.8790, aux.loss_ce: 0.1924, aux.acc_seg: 65.7098, loss: 0.6659 2022-03-01 03:26:21,435 - mmseg - INFO - Iter [7300/160000] lr: 1.909e-05, eta: 15:13:00, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4534, decode.acc_seg: 66.3276, aux.loss_ce: 0.1848, aux.acc_seg: 66.3296, loss: 0.6382 2022-03-01 03:26:39,300 - mmseg - INFO - Iter [7350/160000] lr: 1.908e-05, eta: 15:12:41, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4932, decode.acc_seg: 66.9693, aux.loss_ce: 0.1983, aux.acc_seg: 67.2667, loss: 0.6915 2022-03-01 03:26:57,173 - mmseg - INFO - Iter [7400/160000] lr: 1.908e-05, eta: 15:12:22, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4873, decode.acc_seg: 64.9539, aux.loss_ce: 0.1986, aux.acc_seg: 64.9780, loss: 0.6859 2022-03-01 03:27:14,860 - mmseg - INFO - Iter [7450/160000] lr: 1.907e-05, eta: 15:11:58, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4712, decode.acc_seg: 65.5537, aux.loss_ce: 0.1937, aux.acc_seg: 65.4611, loss: 0.6649 2022-03-01 03:27:32,716 - mmseg - INFO - Iter [7500/160000] lr: 1.906e-05, eta: 15:11:38, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4574, decode.acc_seg: 67.0969, aux.loss_ce: 0.1869, aux.acc_seg: 67.1003, loss: 0.6444 2022-03-01 03:27:50,479 - mmseg - INFO - Iter [7550/160000] lr: 1.906e-05, eta: 15:11:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4711, decode.acc_seg: 65.7910, aux.loss_ce: 0.1932, aux.acc_seg: 65.7931, loss: 0.6644 2022-03-01 03:28:10,486 - mmseg - INFO - Iter [7600/160000] lr: 1.905e-05, eta: 15:11:41, time: 0.400, data_time: 0.049, memory: 49013, decode.loss_ce: 0.4483, decode.acc_seg: 67.0561, aux.loss_ce: 0.1861, aux.acc_seg: 66.8677, loss: 0.6344 2022-03-01 03:28:28,236 - mmseg - INFO - Iter [7650/160000] lr: 1.904e-05, eta: 15:11:19, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4316, decode.acc_seg: 67.7441, aux.loss_ce: 0.1775, aux.acc_seg: 68.0100, loss: 0.6091 2022-03-01 03:28:45,928 - mmseg - INFO - Iter [7700/160000] lr: 1.904e-05, eta: 15:10:56, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4598, decode.acc_seg: 67.6226, aux.loss_ce: 0.1881, aux.acc_seg: 67.5410, loss: 0.6479 2022-03-01 03:29:03,651 - mmseg - INFO - Iter [7750/160000] lr: 1.903e-05, eta: 15:10:34, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4592, decode.acc_seg: 66.6222, aux.loss_ce: 0.1886, aux.acc_seg: 66.5791, loss: 0.6478 2022-03-01 03:29:21,463 - mmseg - INFO - Iter [7800/160000] lr: 1.903e-05, eta: 15:10:13, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4218, decode.acc_seg: 67.9066, aux.loss_ce: 0.1751, aux.acc_seg: 67.6252, loss: 0.5969 2022-03-01 03:29:39,340 - mmseg - INFO - Iter [7850/160000] lr: 1.902e-05, eta: 15:09:54, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4229, decode.acc_seg: 67.1961, aux.loss_ce: 0.1743, aux.acc_seg: 66.9927, loss: 0.5973 2022-03-01 03:29:57,100 - mmseg - INFO - Iter [7900/160000] lr: 1.901e-05, eta: 15:09:33, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4695, decode.acc_seg: 65.8829, aux.loss_ce: 0.1911, aux.acc_seg: 66.0252, loss: 0.6606 2022-03-01 03:30:14,852 - mmseg - INFO - Iter [7950/160000] lr: 1.901e-05, eta: 15:09:11, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4253, decode.acc_seg: 68.3285, aux.loss_ce: 0.1725, aux.acc_seg: 68.3434, loss: 0.5978 2022-03-01 03:30:32,539 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:30:32,540 - mmseg - INFO - Iter [8000/160000] lr: 1.900e-05, eta: 15:08:49, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4321, decode.acc_seg: 65.5260, aux.loss_ce: 0.1779, aux.acc_seg: 65.4103, loss: 0.6101 2022-03-01 03:30:50,258 - mmseg - INFO - Iter [8050/160000] lr: 1.899e-05, eta: 15:08:27, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4618, decode.acc_seg: 67.6369, aux.loss_ce: 0.1896, aux.acc_seg: 67.6100, loss: 0.6513 2022-03-01 03:31:08,143 - mmseg - INFO - Iter [8100/160000] lr: 1.899e-05, eta: 15:08:08, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4403, decode.acc_seg: 67.8998, aux.loss_ce: 0.1792, aux.acc_seg: 67.8799, loss: 0.6195 2022-03-01 03:31:25,825 - mmseg - INFO - Iter [8150/160000] lr: 1.898e-05, eta: 15:07:45, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4458, decode.acc_seg: 67.6467, aux.loss_ce: 0.1843, aux.acc_seg: 67.6532, loss: 0.6301 2022-03-01 03:31:43,493 - mmseg - INFO - Iter [8200/160000] lr: 1.898e-05, eta: 15:07:22, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4453, decode.acc_seg: 68.1916, aux.loss_ce: 0.1813, aux.acc_seg: 68.3540, loss: 0.6267 2022-03-01 03:32:01,435 - mmseg - INFO - Iter [8250/160000] lr: 1.897e-05, eta: 15:07:04, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4452, decode.acc_seg: 66.9985, aux.loss_ce: 0.1834, aux.acc_seg: 67.1173, loss: 0.6286 2022-03-01 03:32:19,173 - mmseg - INFO - Iter [8300/160000] lr: 1.896e-05, eta: 15:06:43, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4819, decode.acc_seg: 67.4843, aux.loss_ce: 0.1959, aux.acc_seg: 67.3275, loss: 0.6778 2022-03-01 03:32:36,881 - mmseg - INFO - Iter [8350/160000] lr: 1.896e-05, eta: 15:06:21, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4522, decode.acc_seg: 65.9373, aux.loss_ce: 0.1851, aux.acc_seg: 66.0555, loss: 0.6374 2022-03-01 03:32:54,549 - mmseg - INFO - Iter [8400/160000] lr: 1.895e-05, eta: 15:05:58, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4550, decode.acc_seg: 67.5095, aux.loss_ce: 0.1843, aux.acc_seg: 67.3690, loss: 0.6393 2022-03-01 03:33:12,309 - mmseg - INFO - Iter [8450/160000] lr: 1.894e-05, eta: 15:05:37, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4362, decode.acc_seg: 66.7324, aux.loss_ce: 0.1786, aux.acc_seg: 66.8233, loss: 0.6148 2022-03-01 03:33:30,057 - mmseg - INFO - Iter [8500/160000] lr: 1.894e-05, eta: 15:05:16, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4514, decode.acc_seg: 66.7836, aux.loss_ce: 0.1865, aux.acc_seg: 66.5416, loss: 0.6379 2022-03-01 03:33:47,882 - mmseg - INFO - Iter [8550/160000] lr: 1.893e-05, eta: 15:04:56, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4480, decode.acc_seg: 66.8006, aux.loss_ce: 0.1805, aux.acc_seg: 66.9168, loss: 0.6285 2022-03-01 03:34:05,531 - mmseg - INFO - Iter [8600/160000] lr: 1.893e-05, eta: 15:04:34, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4599, decode.acc_seg: 66.9943, aux.loss_ce: 0.1860, aux.acc_seg: 67.1295, loss: 0.6459 2022-03-01 03:34:23,347 - mmseg - INFO - Iter [8650/160000] lr: 1.892e-05, eta: 15:04:14, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4473, decode.acc_seg: 67.4326, aux.loss_ce: 0.1824, aux.acc_seg: 67.4120, loss: 0.6296 2022-03-01 03:34:41,040 - mmseg - INFO - Iter [8700/160000] lr: 1.891e-05, eta: 15:03:52, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4448, decode.acc_seg: 67.8522, aux.loss_ce: 0.1839, aux.acc_seg: 67.6965, loss: 0.6287 2022-03-01 03:34:58,775 - mmseg - INFO - Iter [8750/160000] lr: 1.891e-05, eta: 15:03:31, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4413, decode.acc_seg: 68.0068, aux.loss_ce: 0.1826, aux.acc_seg: 67.9590, loss: 0.6239 2022-03-01 03:35:16,628 - mmseg - INFO - Iter [8800/160000] lr: 1.890e-05, eta: 15:03:12, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4388, decode.acc_seg: 66.2470, aux.loss_ce: 0.1800, aux.acc_seg: 66.4276, loss: 0.6188 2022-03-01 03:35:36,591 - mmseg - INFO - Iter [8850/160000] lr: 1.889e-05, eta: 15:03:29, time: 0.399, data_time: 0.047, memory: 49013, decode.loss_ce: 0.4416, decode.acc_seg: 68.9287, aux.loss_ce: 0.1801, aux.acc_seg: 69.0752, loss: 0.6217 2022-03-01 03:35:54,284 - mmseg - INFO - Iter [8900/160000] lr: 1.889e-05, eta: 15:03:06, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4534, decode.acc_seg: 67.0143, aux.loss_ce: 0.1888, aux.acc_seg: 66.6822, loss: 0.6422 2022-03-01 03:36:12,131 - mmseg - INFO - Iter [8950/160000] lr: 1.888e-05, eta: 15:02:47, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4280, decode.acc_seg: 69.0524, aux.loss_ce: 0.1747, aux.acc_seg: 68.9706, loss: 0.6028 2022-03-01 03:36:29,792 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:36:29,792 - mmseg - INFO - Iter [9000/160000] lr: 1.888e-05, eta: 15:02:25, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4171, decode.acc_seg: 67.6413, aux.loss_ce: 0.1709, aux.acc_seg: 67.6829, loss: 0.5879 2022-03-01 03:36:47,426 - mmseg - INFO - Iter [9050/160000] lr: 1.887e-05, eta: 15:02:02, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4103, decode.acc_seg: 68.3535, aux.loss_ce: 0.1702, aux.acc_seg: 68.2460, loss: 0.5805 2022-03-01 03:37:05,204 - mmseg - INFO - Iter [9100/160000] lr: 1.886e-05, eta: 15:01:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3967, decode.acc_seg: 68.0340, aux.loss_ce: 0.1629, aux.acc_seg: 68.0316, loss: 0.5597 2022-03-01 03:37:22,987 - mmseg - INFO - Iter [9150/160000] lr: 1.886e-05, eta: 15:01:21, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4342, decode.acc_seg: 66.9202, aux.loss_ce: 0.1785, aux.acc_seg: 66.8043, loss: 0.6127 2022-03-01 03:37:40,657 - mmseg - INFO - Iter [9200/160000] lr: 1.885e-05, eta: 15:00:59, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4266, decode.acc_seg: 69.6326, aux.loss_ce: 0.1772, aux.acc_seg: 69.3583, loss: 0.6038 2022-03-01 03:37:58,525 - mmseg - INFO - Iter [9250/160000] lr: 1.884e-05, eta: 15:00:40, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4151, decode.acc_seg: 67.8740, aux.loss_ce: 0.1716, aux.acc_seg: 67.6887, loss: 0.5867 2022-03-01 03:38:16,233 - mmseg - INFO - Iter [9300/160000] lr: 1.884e-05, eta: 15:00:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4131, decode.acc_seg: 68.2643, aux.loss_ce: 0.1713, aux.acc_seg: 68.0135, loss: 0.5843 2022-03-01 03:38:33,972 - mmseg - INFO - Iter [9350/160000] lr: 1.883e-05, eta: 14:59:58, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3951, decode.acc_seg: 67.9984, aux.loss_ce: 0.1639, aux.acc_seg: 67.8239, loss: 0.5591 2022-03-01 03:38:51,841 - mmseg - INFO - Iter [9400/160000] lr: 1.883e-05, eta: 14:59:39, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4137, decode.acc_seg: 67.5183, aux.loss_ce: 0.1710, aux.acc_seg: 67.3507, loss: 0.5846 2022-03-01 03:39:09,672 - mmseg - INFO - Iter [9450/160000] lr: 1.882e-05, eta: 14:59:20, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3975, decode.acc_seg: 68.3239, aux.loss_ce: 0.1648, aux.acc_seg: 68.1018, loss: 0.5623 2022-03-01 03:39:27,476 - mmseg - INFO - Iter [9500/160000] lr: 1.881e-05, eta: 14:59:00, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4153, decode.acc_seg: 69.1448, aux.loss_ce: 0.1733, aux.acc_seg: 68.7460, loss: 0.5886 2022-03-01 03:39:45,446 - mmseg - INFO - Iter [9550/160000] lr: 1.881e-05, eta: 14:58:42, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4385, decode.acc_seg: 66.6707, aux.loss_ce: 0.1798, aux.acc_seg: 66.4590, loss: 0.6183 2022-03-01 03:40:03,301 - mmseg - INFO - Iter [9600/160000] lr: 1.880e-05, eta: 14:58:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4365, decode.acc_seg: 66.3813, aux.loss_ce: 0.1784, aux.acc_seg: 66.3150, loss: 0.6149 2022-03-01 03:40:21,015 - mmseg - INFO - Iter [9650/160000] lr: 1.879e-05, eta: 14:58:02, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4469, decode.acc_seg: 67.0602, aux.loss_ce: 0.1796, aux.acc_seg: 67.1433, loss: 0.6264 2022-03-01 03:40:38,784 - mmseg - INFO - Iter [9700/160000] lr: 1.879e-05, eta: 14:57:43, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4456, decode.acc_seg: 66.7908, aux.loss_ce: 0.1821, aux.acc_seg: 66.7214, loss: 0.6277 2022-03-01 03:40:56,469 - mmseg - INFO - Iter [9750/160000] lr: 1.878e-05, eta: 14:57:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4121, decode.acc_seg: 67.0324, aux.loss_ce: 0.1679, aux.acc_seg: 67.0464, loss: 0.5800 2022-03-01 03:41:14,271 - mmseg - INFO - Iter [9800/160000] lr: 1.878e-05, eta: 14:57:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4388, decode.acc_seg: 68.1205, aux.loss_ce: 0.1789, aux.acc_seg: 67.9718, loss: 0.6177 2022-03-01 03:41:32,080 - mmseg - INFO - Iter [9850/160000] lr: 1.877e-05, eta: 14:56:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3979, decode.acc_seg: 67.9417, aux.loss_ce: 0.1642, aux.acc_seg: 67.7750, loss: 0.5621 2022-03-01 03:41:49,934 - mmseg - INFO - Iter [9900/160000] lr: 1.876e-05, eta: 14:56:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4242, decode.acc_seg: 67.3359, aux.loss_ce: 0.1761, aux.acc_seg: 67.2071, loss: 0.6003 2022-03-01 03:42:07,707 - mmseg - INFO - Iter [9950/160000] lr: 1.876e-05, eta: 14:56:03, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.3980, decode.acc_seg: 68.5235, aux.loss_ce: 0.1660, aux.acc_seg: 68.2872, loss: 0.5640 2022-03-01 03:42:25,650 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:42:25,650 - mmseg - INFO - Iter [10000/160000] lr: 1.875e-05, eta: 14:55:45, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.4364, decode.acc_seg: 68.5171, aux.loss_ce: 0.1775, aux.acc_seg: 68.3720, loss: 0.6139 2022-03-01 03:42:43,320 - mmseg - INFO - Iter [10050/160000] lr: 1.874e-05, eta: 14:55:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4227, decode.acc_seg: 68.6051, aux.loss_ce: 0.1718, aux.acc_seg: 68.5133, loss: 0.5945 2022-03-01 03:43:01,103 - mmseg - INFO - Iter [10100/160000] lr: 1.874e-05, eta: 14:55:04, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.4101, decode.acc_seg: 67.6635, aux.loss_ce: 0.1682, aux.acc_seg: 67.5015, loss: 0.5783 2022-03-01 03:43:21,273 - mmseg - INFO - Iter [10150/160000] lr: 1.873e-05, eta: 14:55:19, time: 0.403, data_time: 0.051, memory: 49013, decode.loss_ce: 0.4070, decode.acc_seg: 68.7335, aux.loss_ce: 0.1674, aux.acc_seg: 68.7014, loss: 0.5744 2022-03-01 03:43:39,147 - mmseg - INFO - Iter [10200/160000] lr: 1.873e-05, eta: 14:55:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3843, decode.acc_seg: 70.0313, aux.loss_ce: 0.1590, aux.acc_seg: 69.8883, loss: 0.5433 2022-03-01 03:43:56,829 - mmseg - INFO - Iter [10250/160000] lr: 1.872e-05, eta: 14:54:39, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3439, decode.acc_seg: 68.4085, aux.loss_ce: 0.1427, aux.acc_seg: 68.1953, loss: 0.4866 2022-03-01 03:44:14,614 - mmseg - INFO - Iter [10300/160000] lr: 1.871e-05, eta: 14:54:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4133, decode.acc_seg: 68.0683, aux.loss_ce: 0.1703, aux.acc_seg: 67.6751, loss: 0.5836 2022-03-01 03:44:32,458 - mmseg - INFO - Iter [10350/160000] lr: 1.871e-05, eta: 14:54:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3743, decode.acc_seg: 68.1143, aux.loss_ce: 0.1541, aux.acc_seg: 68.0089, loss: 0.5284 2022-03-01 03:44:50,149 - mmseg - INFO - Iter [10400/160000] lr: 1.870e-05, eta: 14:53:39, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3908, decode.acc_seg: 68.7343, aux.loss_ce: 0.1612, aux.acc_seg: 68.5680, loss: 0.5520 2022-03-01 03:45:07,731 - mmseg - INFO - Iter [10450/160000] lr: 1.869e-05, eta: 14:53:16, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3933, decode.acc_seg: 68.7136, aux.loss_ce: 0.1628, aux.acc_seg: 68.6497, loss: 0.5560 2022-03-01 03:45:25,309 - mmseg - INFO - Iter [10500/160000] lr: 1.869e-05, eta: 14:52:53, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3928, decode.acc_seg: 69.2519, aux.loss_ce: 0.1615, aux.acc_seg: 69.1999, loss: 0.5543 2022-03-01 03:45:43,034 - mmseg - INFO - Iter [10550/160000] lr: 1.868e-05, eta: 14:52:33, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3892, decode.acc_seg: 68.6115, aux.loss_ce: 0.1605, aux.acc_seg: 68.4049, loss: 0.5497 2022-03-01 03:46:00,794 - mmseg - INFO - Iter [10600/160000] lr: 1.868e-05, eta: 14:52:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3816, decode.acc_seg: 67.5942, aux.loss_ce: 0.1572, aux.acc_seg: 67.4753, loss: 0.5388 2022-03-01 03:46:18,589 - mmseg - INFO - Iter [10650/160000] lr: 1.867e-05, eta: 14:51:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3964, decode.acc_seg: 69.4737, aux.loss_ce: 0.1634, aux.acc_seg: 69.4689, loss: 0.5598 2022-03-01 03:46:36,181 - mmseg - INFO - Iter [10700/160000] lr: 1.866e-05, eta: 14:51:30, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4414, decode.acc_seg: 68.9529, aux.loss_ce: 0.1848, aux.acc_seg: 68.7568, loss: 0.6263 2022-03-01 03:46:54,046 - mmseg - INFO - Iter [10750/160000] lr: 1.866e-05, eta: 14:51:12, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4198, decode.acc_seg: 68.5141, aux.loss_ce: 0.1729, aux.acc_seg: 68.3808, loss: 0.5928 2022-03-01 03:47:11,733 - mmseg - INFO - Iter [10800/160000] lr: 1.865e-05, eta: 14:50:50, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3842, decode.acc_seg: 69.3072, aux.loss_ce: 0.1590, aux.acc_seg: 69.1473, loss: 0.5432 2022-03-01 03:47:29,381 - mmseg - INFO - Iter [10850/160000] lr: 1.864e-05, eta: 14:50:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4141, decode.acc_seg: 67.9135, aux.loss_ce: 0.1692, aux.acc_seg: 67.9552, loss: 0.5834 2022-03-01 03:47:47,320 - mmseg - INFO - Iter [10900/160000] lr: 1.864e-05, eta: 14:50:12, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3820, decode.acc_seg: 68.8324, aux.loss_ce: 0.1584, aux.acc_seg: 68.5867, loss: 0.5404 2022-03-01 03:48:05,000 - mmseg - INFO - Iter [10950/160000] lr: 1.863e-05, eta: 14:49:51, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4103, decode.acc_seg: 67.8770, aux.loss_ce: 0.1686, aux.acc_seg: 67.8766, loss: 0.5789 2022-03-01 03:48:22,745 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:48:22,745 - mmseg - INFO - Iter [11000/160000] lr: 1.863e-05, eta: 14:49:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3954, decode.acc_seg: 67.5180, aux.loss_ce: 0.1615, aux.acc_seg: 67.3515, loss: 0.5568 2022-03-01 03:48:40,642 - mmseg - INFO - Iter [11050/160000] lr: 1.862e-05, eta: 14:49:12, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3919, decode.acc_seg: 68.6071, aux.loss_ce: 0.1621, aux.acc_seg: 68.4471, loss: 0.5540 2022-03-01 03:48:58,473 - mmseg - INFO - Iter [11100/160000] lr: 1.861e-05, eta: 14:48:53, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4224, decode.acc_seg: 67.4475, aux.loss_ce: 0.1724, aux.acc_seg: 67.4730, loss: 0.5949 2022-03-01 03:49:16,256 - mmseg - INFO - Iter [11150/160000] lr: 1.861e-05, eta: 14:48:34, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3823, decode.acc_seg: 67.8513, aux.loss_ce: 0.1568, aux.acc_seg: 67.8813, loss: 0.5391 2022-03-01 03:49:33,935 - mmseg - INFO - Iter [11200/160000] lr: 1.860e-05, eta: 14:48:13, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3960, decode.acc_seg: 68.9478, aux.loss_ce: 0.1625, aux.acc_seg: 68.8283, loss: 0.5585 2022-03-01 03:49:51,608 - mmseg - INFO - Iter [11250/160000] lr: 1.859e-05, eta: 14:47:52, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4102, decode.acc_seg: 65.9747, aux.loss_ce: 0.1678, aux.acc_seg: 65.9468, loss: 0.5781 2022-03-01 03:50:09,423 - mmseg - INFO - Iter [11300/160000] lr: 1.859e-05, eta: 14:47:33, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.4269, decode.acc_seg: 68.0077, aux.loss_ce: 0.1753, aux.acc_seg: 67.8428, loss: 0.6022 2022-03-01 03:50:26,973 - mmseg - INFO - Iter [11350/160000] lr: 1.858e-05, eta: 14:47:10, time: 0.351, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3833, decode.acc_seg: 68.6616, aux.loss_ce: 0.1578, aux.acc_seg: 68.6019, loss: 0.5411 2022-03-01 03:50:46,908 - mmseg - INFO - Iter [11400/160000] lr: 1.858e-05, eta: 14:47:19, time: 0.399, data_time: 0.049, memory: 49013, decode.loss_ce: 0.3668, decode.acc_seg: 69.1836, aux.loss_ce: 0.1508, aux.acc_seg: 69.0015, loss: 0.5175 2022-03-01 03:51:04,544 - mmseg - INFO - Iter [11450/160000] lr: 1.857e-05, eta: 14:46:57, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3637, decode.acc_seg: 68.4591, aux.loss_ce: 0.1525, aux.acc_seg: 68.2599, loss: 0.5162 2022-03-01 03:51:22,315 - mmseg - INFO - Iter [11500/160000] lr: 1.856e-05, eta: 14:46:37, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3589, decode.acc_seg: 67.9748, aux.loss_ce: 0.1494, aux.acc_seg: 67.8204, loss: 0.5083 2022-03-01 03:51:40,065 - mmseg - INFO - Iter [11550/160000] lr: 1.856e-05, eta: 14:46:17, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3639, decode.acc_seg: 69.8733, aux.loss_ce: 0.1510, aux.acc_seg: 69.6956, loss: 0.5149 2022-03-01 03:51:57,771 - mmseg - INFO - Iter [11600/160000] lr: 1.855e-05, eta: 14:45:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3539, decode.acc_seg: 68.5088, aux.loss_ce: 0.1469, aux.acc_seg: 68.2798, loss: 0.5008 2022-03-01 03:52:15,630 - mmseg - INFO - Iter [11650/160000] lr: 1.854e-05, eta: 14:45:38, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3754, decode.acc_seg: 67.2877, aux.loss_ce: 0.1563, aux.acc_seg: 66.9501, loss: 0.5317 2022-03-01 03:52:33,342 - mmseg - INFO - Iter [11700/160000] lr: 1.854e-05, eta: 14:45:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3875, decode.acc_seg: 68.7444, aux.loss_ce: 0.1620, aux.acc_seg: 68.2537, loss: 0.5496 2022-03-01 03:52:50,996 - mmseg - INFO - Iter [11750/160000] lr: 1.853e-05, eta: 14:44:57, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3730, decode.acc_seg: 69.1090, aux.loss_ce: 0.1526, aux.acc_seg: 69.1105, loss: 0.5256 2022-03-01 03:53:08,723 - mmseg - INFO - Iter [11800/160000] lr: 1.853e-05, eta: 14:44:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3846, decode.acc_seg: 68.9480, aux.loss_ce: 0.1576, aux.acc_seg: 68.9589, loss: 0.5421 2022-03-01 03:53:26,320 - mmseg - INFO - Iter [11850/160000] lr: 1.852e-05, eta: 14:44:15, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3528, decode.acc_seg: 70.5933, aux.loss_ce: 0.1466, aux.acc_seg: 70.4462, loss: 0.4994 2022-03-01 03:53:43,878 - mmseg - INFO - Iter [11900/160000] lr: 1.851e-05, eta: 14:43:53, time: 0.351, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3748, decode.acc_seg: 70.0036, aux.loss_ce: 0.1560, aux.acc_seg: 69.8276, loss: 0.5308 2022-03-01 03:54:01,600 - mmseg - INFO - Iter [11950/160000] lr: 1.851e-05, eta: 14:43:32, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3928, decode.acc_seg: 69.3494, aux.loss_ce: 0.1624, aux.acc_seg: 69.1521, loss: 0.5552 2022-03-01 03:54:19,234 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 03:54:19,234 - mmseg - INFO - Iter [12000/160000] lr: 1.850e-05, eta: 14:43:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3867, decode.acc_seg: 69.8583, aux.loss_ce: 0.1568, aux.acc_seg: 69.8698, loss: 0.5435 2022-03-01 03:54:37,106 - mmseg - INFO - Iter [12050/160000] lr: 1.849e-05, eta: 14:42:53, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3846, decode.acc_seg: 68.9833, aux.loss_ce: 0.1598, aux.acc_seg: 68.7250, loss: 0.5444 2022-03-01 03:54:54,867 - mmseg - INFO - Iter [12100/160000] lr: 1.849e-05, eta: 14:42:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4003, decode.acc_seg: 68.4441, aux.loss_ce: 0.1652, aux.acc_seg: 68.3208, loss: 0.5656 2022-03-01 03:55:12,436 - mmseg - INFO - Iter [12150/160000] lr: 1.848e-05, eta: 14:42:11, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3755, decode.acc_seg: 68.6219, aux.loss_ce: 0.1543, aux.acc_seg: 68.5589, loss: 0.5298 2022-03-01 03:55:30,134 - mmseg - INFO - Iter [12200/160000] lr: 1.848e-05, eta: 14:41:51, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3549, decode.acc_seg: 69.6917, aux.loss_ce: 0.1467, aux.acc_seg: 69.3623, loss: 0.5017 2022-03-01 03:55:47,851 - mmseg - INFO - Iter [12250/160000] lr: 1.847e-05, eta: 14:41:31, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3673, decode.acc_seg: 68.1321, aux.loss_ce: 0.1533, aux.acc_seg: 67.9393, loss: 0.5206 2022-03-01 03:56:05,650 - mmseg - INFO - Iter [12300/160000] lr: 1.846e-05, eta: 14:41:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3727, decode.acc_seg: 68.2175, aux.loss_ce: 0.1538, aux.acc_seg: 68.0641, loss: 0.5265 2022-03-01 03:56:23,284 - mmseg - INFO - Iter [12350/160000] lr: 1.846e-05, eta: 14:40:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3649, decode.acc_seg: 69.0833, aux.loss_ce: 0.1510, aux.acc_seg: 68.7599, loss: 0.5159 2022-03-01 03:56:41,106 - mmseg - INFO - Iter [12400/160000] lr: 1.845e-05, eta: 14:40:32, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3691, decode.acc_seg: 70.4139, aux.loss_ce: 0.1522, aux.acc_seg: 70.2625, loss: 0.5213 2022-03-01 03:56:58,825 - mmseg - INFO - Iter [12450/160000] lr: 1.844e-05, eta: 14:40:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3768, decode.acc_seg: 69.8878, aux.loss_ce: 0.1578, aux.acc_seg: 69.5451, loss: 0.5346 2022-03-01 03:57:16,460 - mmseg - INFO - Iter [12500/160000] lr: 1.844e-05, eta: 14:39:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3921, decode.acc_seg: 67.2432, aux.loss_ce: 0.1607, aux.acc_seg: 67.0949, loss: 0.5528 2022-03-01 03:57:34,208 - mmseg - INFO - Iter [12550/160000] lr: 1.843e-05, eta: 14:39:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.4071, decode.acc_seg: 68.6839, aux.loss_ce: 0.1666, aux.acc_seg: 68.5589, loss: 0.5736 2022-03-01 03:57:51,909 - mmseg - INFO - Iter [12600/160000] lr: 1.843e-05, eta: 14:39:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3976, decode.acc_seg: 68.0823, aux.loss_ce: 0.1627, aux.acc_seg: 67.9043, loss: 0.5603 2022-03-01 03:58:12,085 - mmseg - INFO - Iter [12650/160000] lr: 1.842e-05, eta: 14:39:20, time: 0.404, data_time: 0.046, memory: 49013, decode.loss_ce: 0.3745, decode.acc_seg: 68.6277, aux.loss_ce: 0.1542, aux.acc_seg: 68.6435, loss: 0.5287 2022-03-01 03:58:29,925 - mmseg - INFO - Iter [12700/160000] lr: 1.841e-05, eta: 14:39:01, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3414, decode.acc_seg: 69.8378, aux.loss_ce: 0.1419, aux.acc_seg: 69.6944, loss: 0.4832 2022-03-01 03:58:47,605 - mmseg - INFO - Iter [12750/160000] lr: 1.841e-05, eta: 14:38:40, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3461, decode.acc_seg: 69.2803, aux.loss_ce: 0.1423, aux.acc_seg: 69.3542, loss: 0.4884 2022-03-01 03:59:05,388 - mmseg - INFO - Iter [12800/160000] lr: 1.840e-05, eta: 14:38:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3546, decode.acc_seg: 70.0406, aux.loss_ce: 0.1464, aux.acc_seg: 69.8243, loss: 0.5010 2022-03-01 03:59:23,013 - mmseg - INFO - Iter [12850/160000] lr: 1.839e-05, eta: 14:38:00, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3654, decode.acc_seg: 69.4051, aux.loss_ce: 0.1528, aux.acc_seg: 68.9466, loss: 0.5182 2022-03-01 03:59:41,035 - mmseg - INFO - Iter [12900/160000] lr: 1.839e-05, eta: 14:37:44, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3817, decode.acc_seg: 69.2814, aux.loss_ce: 0.1571, aux.acc_seg: 69.1520, loss: 0.5388 2022-03-01 03:59:59,005 - mmseg - INFO - Iter [12950/160000] lr: 1.838e-05, eta: 14:37:27, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3681, decode.acc_seg: 69.4130, aux.loss_ce: 0.1516, aux.acc_seg: 69.4155, loss: 0.5197 2022-03-01 04:00:16,811 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:00:16,811 - mmseg - INFO - Iter [13000/160000] lr: 1.838e-05, eta: 14:37:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3608, decode.acc_seg: 69.4861, aux.loss_ce: 0.1500, aux.acc_seg: 69.3145, loss: 0.5107 2022-03-01 04:00:34,393 - mmseg - INFO - Iter [13050/160000] lr: 1.837e-05, eta: 14:36:46, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3878, decode.acc_seg: 69.4663, aux.loss_ce: 0.1589, aux.acc_seg: 69.1864, loss: 0.5466 2022-03-01 04:00:52,158 - mmseg - INFO - Iter [13100/160000] lr: 1.836e-05, eta: 14:36:27, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3549, decode.acc_seg: 69.6281, aux.loss_ce: 0.1470, aux.acc_seg: 69.2979, loss: 0.5019 2022-03-01 04:01:10,036 - mmseg - INFO - Iter [13150/160000] lr: 1.836e-05, eta: 14:36:09, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3703, decode.acc_seg: 68.0925, aux.loss_ce: 0.1513, aux.acc_seg: 68.0387, loss: 0.5217 2022-03-01 04:01:28,120 - mmseg - INFO - Iter [13200/160000] lr: 1.835e-05, eta: 14:35:53, time: 0.362, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3598, decode.acc_seg: 68.6633, aux.loss_ce: 0.1484, aux.acc_seg: 68.5737, loss: 0.5083 2022-03-01 04:01:45,684 - mmseg - INFO - Iter [13250/160000] lr: 1.834e-05, eta: 14:35:31, time: 0.351, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3592, decode.acc_seg: 70.8783, aux.loss_ce: 0.1504, aux.acc_seg: 70.5050, loss: 0.5096 2022-03-01 04:02:03,400 - mmseg - INFO - Iter [13300/160000] lr: 1.834e-05, eta: 14:35:11, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3661, decode.acc_seg: 69.1453, aux.loss_ce: 0.1521, aux.acc_seg: 68.8784, loss: 0.5182 2022-03-01 04:02:21,099 - mmseg - INFO - Iter [13350/160000] lr: 1.833e-05, eta: 14:34:51, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3854, decode.acc_seg: 68.9546, aux.loss_ce: 0.1588, aux.acc_seg: 68.9022, loss: 0.5442 2022-03-01 04:02:38,874 - mmseg - INFO - Iter [13400/160000] lr: 1.833e-05, eta: 14:34:32, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3822, decode.acc_seg: 68.2173, aux.loss_ce: 0.1571, aux.acc_seg: 67.9617, loss: 0.5393 2022-03-01 04:02:56,691 - mmseg - INFO - Iter [13450/160000] lr: 1.832e-05, eta: 14:34:13, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3789, decode.acc_seg: 67.8983, aux.loss_ce: 0.1562, aux.acc_seg: 67.7884, loss: 0.5351 2022-03-01 04:03:14,515 - mmseg - INFO - Iter [13500/160000] lr: 1.831e-05, eta: 14:33:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3619, decode.acc_seg: 69.0220, aux.loss_ce: 0.1487, aux.acc_seg: 68.8695, loss: 0.5107 2022-03-01 04:03:32,292 - mmseg - INFO - Iter [13550/160000] lr: 1.831e-05, eta: 14:33:35, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3543, decode.acc_seg: 69.7961, aux.loss_ce: 0.1473, aux.acc_seg: 69.6946, loss: 0.5015 2022-03-01 04:03:49,922 - mmseg - INFO - Iter [13600/160000] lr: 1.830e-05, eta: 14:33:15, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3797, decode.acc_seg: 68.3016, aux.loss_ce: 0.1554, aux.acc_seg: 68.1420, loss: 0.5350 2022-03-01 04:04:07,798 - mmseg - INFO - Iter [13650/160000] lr: 1.829e-05, eta: 14:32:56, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3864, decode.acc_seg: 69.1589, aux.loss_ce: 0.1605, aux.acc_seg: 68.8796, loss: 0.5469 2022-03-01 04:04:25,702 - mmseg - INFO - Iter [13700/160000] lr: 1.829e-05, eta: 14:32:39, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3524, decode.acc_seg: 69.2422, aux.loss_ce: 0.1473, aux.acc_seg: 69.0155, loss: 0.4998 2022-03-01 04:04:43,400 - mmseg - INFO - Iter [13750/160000] lr: 1.828e-05, eta: 14:32:19, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3611, decode.acc_seg: 70.2122, aux.loss_ce: 0.1492, aux.acc_seg: 70.0884, loss: 0.5103 2022-03-01 04:05:01,093 - mmseg - INFO - Iter [13800/160000] lr: 1.828e-05, eta: 14:31:59, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3702, decode.acc_seg: 67.0560, aux.loss_ce: 0.1501, aux.acc_seg: 66.8613, loss: 0.5203 2022-03-01 04:05:18,930 - mmseg - INFO - Iter [13850/160000] lr: 1.827e-05, eta: 14:31:40, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3690, decode.acc_seg: 69.5880, aux.loss_ce: 0.1531, aux.acc_seg: 69.1985, loss: 0.5221 2022-03-01 04:05:38,835 - mmseg - INFO - Iter [13900/160000] lr: 1.826e-05, eta: 14:31:43, time: 0.398, data_time: 0.050, memory: 49013, decode.loss_ce: 0.3801, decode.acc_seg: 69.5645, aux.loss_ce: 0.1553, aux.acc_seg: 69.4016, loss: 0.5354 2022-03-01 04:05:56,464 - mmseg - INFO - Iter [13950/160000] lr: 1.826e-05, eta: 14:31:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3970, decode.acc_seg: 68.0636, aux.loss_ce: 0.1630, aux.acc_seg: 67.9111, loss: 0.5600 2022-03-01 04:06:14,335 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:06:14,335 - mmseg - INFO - Iter [14000/160000] lr: 1.825e-05, eta: 14:31:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3652, decode.acc_seg: 69.0195, aux.loss_ce: 0.1510, aux.acc_seg: 68.8915, loss: 0.5163 2022-03-01 04:06:32,436 - mmseg - INFO - Iter [14050/160000] lr: 1.824e-05, eta: 14:30:48, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3716, decode.acc_seg: 69.9160, aux.loss_ce: 0.1531, aux.acc_seg: 69.6042, loss: 0.5246 2022-03-01 04:06:50,105 - mmseg - INFO - Iter [14100/160000] lr: 1.824e-05, eta: 14:30:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3803, decode.acc_seg: 69.0019, aux.loss_ce: 0.1565, aux.acc_seg: 68.8439, loss: 0.5367 2022-03-01 04:07:07,958 - mmseg - INFO - Iter [14150/160000] lr: 1.823e-05, eta: 14:30:10, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3940, decode.acc_seg: 68.1482, aux.loss_ce: 0.1599, aux.acc_seg: 68.0384, loss: 0.5539 2022-03-01 04:07:25,893 - mmseg - INFO - Iter [14200/160000] lr: 1.823e-05, eta: 14:29:52, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3419, decode.acc_seg: 70.8051, aux.loss_ce: 0.1419, aux.acc_seg: 70.4714, loss: 0.4838 2022-03-01 04:07:43,554 - mmseg - INFO - Iter [14250/160000] lr: 1.822e-05, eta: 14:29:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3402, decode.acc_seg: 69.7442, aux.loss_ce: 0.1421, aux.acc_seg: 69.5542, loss: 0.4823 2022-03-01 04:08:01,355 - mmseg - INFO - Iter [14300/160000] lr: 1.821e-05, eta: 14:29:13, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3564, decode.acc_seg: 69.1616, aux.loss_ce: 0.1470, aux.acc_seg: 69.0922, loss: 0.5034 2022-03-01 04:08:18,919 - mmseg - INFO - Iter [14350/160000] lr: 1.821e-05, eta: 14:28:52, time: 0.351, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3414, decode.acc_seg: 71.3241, aux.loss_ce: 0.1428, aux.acc_seg: 71.0396, loss: 0.4842 2022-03-01 04:08:36,418 - mmseg - INFO - Iter [14400/160000] lr: 1.820e-05, eta: 14:28:30, time: 0.350, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3443, decode.acc_seg: 69.5349, aux.loss_ce: 0.1439, aux.acc_seg: 69.2386, loss: 0.4883 2022-03-01 04:08:54,085 - mmseg - INFO - Iter [14450/160000] lr: 1.819e-05, eta: 14:28:10, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3742, decode.acc_seg: 69.2380, aux.loss_ce: 0.1560, aux.acc_seg: 68.9227, loss: 0.5302 2022-03-01 04:09:11,963 - mmseg - INFO - Iter [14500/160000] lr: 1.819e-05, eta: 14:27:52, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3632, decode.acc_seg: 67.9359, aux.loss_ce: 0.1503, aux.acc_seg: 67.9205, loss: 0.5135 2022-03-01 04:09:29,587 - mmseg - INFO - Iter [14550/160000] lr: 1.818e-05, eta: 14:27:31, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3552, decode.acc_seg: 70.4586, aux.loss_ce: 0.1459, aux.acc_seg: 70.1219, loss: 0.5011 2022-03-01 04:09:47,137 - mmseg - INFO - Iter [14600/160000] lr: 1.818e-05, eta: 14:27:10, time: 0.351, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3689, decode.acc_seg: 70.0081, aux.loss_ce: 0.1534, aux.acc_seg: 69.6728, loss: 0.5223 2022-03-01 04:10:04,902 - mmseg - INFO - Iter [14650/160000] lr: 1.817e-05, eta: 14:26:51, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3651, decode.acc_seg: 68.5053, aux.loss_ce: 0.1514, aux.acc_seg: 68.3504, loss: 0.5165 2022-03-01 04:10:22,712 - mmseg - INFO - Iter [14700/160000] lr: 1.816e-05, eta: 14:26:32, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3446, decode.acc_seg: 68.6636, aux.loss_ce: 0.1410, aux.acc_seg: 68.6431, loss: 0.4856 2022-03-01 04:10:40,497 - mmseg - INFO - Iter [14750/160000] lr: 1.816e-05, eta: 14:26:13, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3795, decode.acc_seg: 69.7977, aux.loss_ce: 0.1562, aux.acc_seg: 69.6160, loss: 0.5357 2022-03-01 04:10:58,199 - mmseg - INFO - Iter [14800/160000] lr: 1.815e-05, eta: 14:25:53, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3615, decode.acc_seg: 68.7845, aux.loss_ce: 0.1485, aux.acc_seg: 68.6203, loss: 0.5100 2022-03-01 04:11:16,087 - mmseg - INFO - Iter [14850/160000] lr: 1.814e-05, eta: 14:25:35, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3565, decode.acc_seg: 68.5195, aux.loss_ce: 0.1484, aux.acc_seg: 68.2904, loss: 0.5050 2022-03-01 04:11:33,788 - mmseg - INFO - Iter [14900/160000] lr: 1.814e-05, eta: 14:25:16, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3554, decode.acc_seg: 69.6840, aux.loss_ce: 0.1475, aux.acc_seg: 69.4312, loss: 0.5030 2022-03-01 04:11:51,375 - mmseg - INFO - Iter [14950/160000] lr: 1.813e-05, eta: 14:24:55, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3606, decode.acc_seg: 70.1937, aux.loss_ce: 0.1480, aux.acc_seg: 70.0210, loss: 0.5086 2022-03-01 04:12:09,187 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:12:09,187 - mmseg - INFO - Iter [15000/160000] lr: 1.813e-05, eta: 14:24:36, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3447, decode.acc_seg: 69.1676, aux.loss_ce: 0.1428, aux.acc_seg: 68.9258, loss: 0.4875 2022-03-01 04:12:26,973 - mmseg - INFO - Iter [15050/160000] lr: 1.812e-05, eta: 14:24:17, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3492, decode.acc_seg: 70.3867, aux.loss_ce: 0.1465, aux.acc_seg: 70.0361, loss: 0.4956 2022-03-01 04:12:44,799 - mmseg - INFO - Iter [15100/160000] lr: 1.811e-05, eta: 14:23:59, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3431, decode.acc_seg: 70.1849, aux.loss_ce: 0.1422, aux.acc_seg: 69.9133, loss: 0.4853 2022-03-01 04:13:02,661 - mmseg - INFO - Iter [15150/160000] lr: 1.811e-05, eta: 14:23:41, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3482, decode.acc_seg: 69.2454, aux.loss_ce: 0.1447, aux.acc_seg: 68.9602, loss: 0.4929 2022-03-01 04:13:22,958 - mmseg - INFO - Iter [15200/160000] lr: 1.810e-05, eta: 14:23:46, time: 0.406, data_time: 0.053, memory: 49013, decode.loss_ce: 0.3018, decode.acc_seg: 71.5528, aux.loss_ce: 0.1261, aux.acc_seg: 71.3508, loss: 0.4279 2022-03-01 04:13:40,654 - mmseg - INFO - Iter [15250/160000] lr: 1.809e-05, eta: 14:23:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3448, decode.acc_seg: 69.6792, aux.loss_ce: 0.1431, aux.acc_seg: 69.5521, loss: 0.4879 2022-03-01 04:13:58,685 - mmseg - INFO - Iter [15300/160000] lr: 1.809e-05, eta: 14:23:09, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3206, decode.acc_seg: 70.8848, aux.loss_ce: 0.1328, aux.acc_seg: 70.8213, loss: 0.4534 2022-03-01 04:14:16,365 - mmseg - INFO - Iter [15350/160000] lr: 1.808e-05, eta: 14:22:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3232, decode.acc_seg: 69.8833, aux.loss_ce: 0.1341, aux.acc_seg: 69.6776, loss: 0.4573 2022-03-01 04:14:34,203 - mmseg - INFO - Iter [15400/160000] lr: 1.808e-05, eta: 14:22:31, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3273, decode.acc_seg: 70.0251, aux.loss_ce: 0.1357, aux.acc_seg: 69.9319, loss: 0.4630 2022-03-01 04:14:51,876 - mmseg - INFO - Iter [15450/160000] lr: 1.807e-05, eta: 14:22:11, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3302, decode.acc_seg: 70.4930, aux.loss_ce: 0.1382, aux.acc_seg: 70.3381, loss: 0.4684 2022-03-01 04:15:09,681 - mmseg - INFO - Iter [15500/160000] lr: 1.806e-05, eta: 14:21:52, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3434, decode.acc_seg: 70.2697, aux.loss_ce: 0.1430, aux.acc_seg: 70.1357, loss: 0.4865 2022-03-01 04:15:27,527 - mmseg - INFO - Iter [15550/160000] lr: 1.806e-05, eta: 14:21:34, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3272, decode.acc_seg: 70.6628, aux.loss_ce: 0.1362, aux.acc_seg: 70.5006, loss: 0.4634 2022-03-01 04:15:45,259 - mmseg - INFO - Iter [15600/160000] lr: 1.805e-05, eta: 14:21:15, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3685, decode.acc_seg: 70.3314, aux.loss_ce: 0.1522, aux.acc_seg: 70.2553, loss: 0.5208 2022-03-01 04:16:02,905 - mmseg - INFO - Iter [15650/160000] lr: 1.804e-05, eta: 14:20:54, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3707, decode.acc_seg: 70.0984, aux.loss_ce: 0.1534, aux.acc_seg: 69.9439, loss: 0.5241 2022-03-01 04:16:20,490 - mmseg - INFO - Iter [15700/160000] lr: 1.804e-05, eta: 14:20:34, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3389, decode.acc_seg: 70.1083, aux.loss_ce: 0.1398, aux.acc_seg: 69.9690, loss: 0.4788 2022-03-01 04:16:38,274 - mmseg - INFO - Iter [15750/160000] lr: 1.803e-05, eta: 14:20:14, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3273, decode.acc_seg: 69.3425, aux.loss_ce: 0.1375, aux.acc_seg: 69.0961, loss: 0.4648 2022-03-01 04:16:56,094 - mmseg - INFO - Iter [15800/160000] lr: 1.803e-05, eta: 14:19:56, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3377, decode.acc_seg: 69.5987, aux.loss_ce: 0.1379, aux.acc_seg: 69.5762, loss: 0.4756 2022-03-01 04:17:13,854 - mmseg - INFO - Iter [15850/160000] lr: 1.802e-05, eta: 14:19:37, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3222, decode.acc_seg: 69.5133, aux.loss_ce: 0.1338, aux.acc_seg: 69.3772, loss: 0.4559 2022-03-01 04:17:31,517 - mmseg - INFO - Iter [15900/160000] lr: 1.801e-05, eta: 14:19:17, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3418, decode.acc_seg: 69.3545, aux.loss_ce: 0.1424, aux.acc_seg: 69.0211, loss: 0.4842 2022-03-01 04:17:49,253 - mmseg - INFO - Iter [15950/160000] lr: 1.801e-05, eta: 14:18:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3498, decode.acc_seg: 70.4660, aux.loss_ce: 0.1444, aux.acc_seg: 70.1803, loss: 0.4942 2022-03-01 04:18:06,914 - mmseg - INFO - Saving checkpoint at 16000 iterations 2022-03-01 04:18:14,330 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:18:14,330 - mmseg - INFO - Iter [16000/160000] lr: 1.800e-05, eta: 14:19:45, time: 0.502, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3304, decode.acc_seg: 70.5809, aux.loss_ce: 0.1368, aux.acc_seg: 70.3238, loss: 0.4672 2022-03-01 04:18:58,141 - mmseg - INFO - per class results: 2022-03-01 04:18:58,147 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.08 | 87.18 | | building | 83.02 | 93.42 | | sky | 93.94 | 97.36 | | floor | 81.54 | 89.45 | | tree | 73.15 | 87.02 | | ceiling | 83.5 | 93.07 | | road | 83.37 | 89.71 | | bed | 89.52 | 96.59 | | windowpane | 61.65 | 76.37 | | grass | 67.68 | 90.45 | | cabinet | 56.83 | 67.92 | | sidewalk | 66.96 | 81.6 | | person | 81.14 | 90.44 | | earth | 35.67 | 44.52 | | door | 51.48 | 69.63 | | table | 60.17 | 73.27 | | mountain | 60.33 | 78.95 | | plant | 47.52 | 54.87 | | curtain | 74.13 | 86.37 | | chair | 56.23 | 71.8 | | car | 83.11 | 92.67 | | water | 63.1 | 81.12 | | painting | 73.79 | 83.29 | | sofa | 69.02 | 83.47 | | shelf | 42.36 | 68.73 | | house | 53.54 | 64.71 | | sea | 70.31 | 82.76 | | mirror | 65.72 | 71.47 | | rug | 65.32 | 77.55 | | field | 27.05 | 38.99 | | armchair | 46.05 | 66.66 | | seat | 63.07 | 88.62 | | fence | 46.09 | 62.98 | | desk | 46.98 | 58.21 | | rock | 48.88 | 62.43 | | wardrobe | 46.56 | 69.44 | | lamp | 59.46 | 74.04 | | bathtub | 77.65 | 84.7 | | railing | 36.21 | 52.39 | | cushion | 58.27 | 67.69 | | base | 34.54 | 46.2 | | box | 22.34 | 27.42 | | column | 46.78 | 59.15 | | signboard | 36.69 | 45.86 | | chest of drawers | 32.77 | 72.51 | | counter | 28.91 | 36.17 | | sand | 55.91 | 88.43 | | sink | 69.78 | 74.26 | | skyscraper | 63.92 | 79.8 | | fireplace | 73.22 | 83.55 | | refrigerator | 75.51 | 82.62 | | grandstand | 49.62 | 79.78 | | path | 26.52 | 33.71 | | stairs | 27.19 | 33.58 | | runway | 70.32 | 91.42 | | case | 53.7 | 62.13 | | pool table | 91.64 | 96.6 | | pillow | 59.54 | 73.87 | | screen door | 73.1 | 75.7 | | stairway | 35.21 | 52.79 | | river | 11.93 | 19.61 | | bridge | 42.81 | 51.13 | | bookcase | 38.7 | 63.14 | | blind | 51.57 | 74.22 | | coffee table | 57.2 | 80.95 | | toilet | 83.79 | 91.48 | | flower | 41.12 | 56.56 | | book | 44.51 | 61.03 | | hill | 15.55 | 19.96 | | bench | 48.5 | 52.86 | | countertop | 57.83 | 81.85 | | stove | 68.2 | 85.05 | | palm | 56.24 | 73.76 | | kitchen island | 32.25 | 74.12 | | computer | 75.64 | 90.94 | | swivel chair | 41.66 | 64.07 | | boat | 70.97 | 86.36 | | bar | 49.05 | 64.43 | | arcade machine | 68.23 | 70.83 | | hovel | 46.68 | 83.15 | | bus | 89.77 | 94.58 | | towel | 65.09 | 71.49 | | light | 45.74 | 54.52 | | truck | 29.31 | 40.0 | | tower | 9.91 | 13.37 | | chandelier | 63.92 | 84.04 | | awning | 24.18 | 25.2 | | streetlight | 25.33 | 32.58 | | booth | 37.3 | 41.99 | | television receiver | 71.07 | 81.84 | | airplane | 69.66 | 76.35 | | dirt track | 0.52 | 2.04 | | apparel | 29.77 | 39.83 | | pole | 20.74 | 32.06 | | land | 0.91 | 1.25 | | bannister | 10.03 | 12.7 | | escalator | 52.17 | 70.99 | | ottoman | 38.88 | 71.66 | | bottle | 36.68 | 59.09 | | buffet | 45.42 | 65.18 | | poster | 19.02 | 19.33 | | stage | 18.99 | 32.64 | | van | 36.18 | 41.44 | | ship | 4.3 | 4.99 | | fountain | 23.18 | 23.31 | | conveyer belt | 75.67 | 90.2 | | canopy | 37.54 | 50.51 | | washer | 90.17 | 92.89 | | plaything | 25.54 | 45.66 | | swimming pool | 76.22 | 85.67 | | stool | 38.27 | 52.05 | | barrel | 51.02 | 64.68 | | basket | 35.08 | 44.73 | | waterfall | 61.43 | 82.94 | | tent | 94.51 | 98.59 | | bag | 13.72 | 15.52 | | minibike | 69.51 | 87.35 | | cradle | 73.34 | 97.97 | | oven | 24.65 | 30.8 | | ball | 52.28 | 73.39 | | food | 41.31 | 48.56 | | step | 8.19 | 9.63 | | tank | 59.78 | 66.98 | | trade name | 29.93 | 35.52 | | microwave | 79.08 | 92.03 | | pot | 39.33 | 45.81 | | animal | 65.02 | 67.88 | | bicycle | 49.8 | 62.19 | | lake | 55.3 | 63.76 | | dishwasher | 53.71 | 71.38 | | screen | 61.26 | 88.09 | | blanket | 13.21 | 14.87 | | sculpture | 68.26 | 74.36 | | hood | 57.8 | 65.49 | | sconce | 40.8 | 48.77 | | vase | 32.06 | 49.28 | | traffic light | 25.75 | 51.62 | | tray | 11.63 | 22.9 | | ashcan | 44.9 | 57.83 | | fan | 56.86 | 72.78 | | pier | 32.81 | 42.86 | | crt screen | 13.86 | 26.37 | | plate | 50.52 | 74.81 | | monitor | 31.82 | 33.37 | | bulletin board | 36.01 | 38.92 | | shower | 0.0 | 0.0 | | radiator | 67.42 | 80.11 | | glass | 10.89 | 11.3 | | clock | 35.08 | 41.3 | | flag | 69.51 | 76.92 | +---------------------+-------+-------+ 2022-03-01 04:18:58,147 - mmseg - INFO - Summary: 2022-03-01 04:18:58,147 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.25 | 49.91 | 62.23 | +-------+-------+-------+ 2022-03-01 04:18:58,153 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:18:58,153 - mmseg - INFO - Iter(val) [250] aAcc: 0.8325, mIoU: 0.4991, mAcc: 0.6223, IoU.wall: 0.7708, IoU.building: 0.8302, IoU.sky: 0.9394, IoU.floor: 0.8154, IoU.tree: 0.7315, IoU.ceiling: 0.8350, IoU.road: 0.8337, IoU.bed : 0.8952, IoU.windowpane: 0.6165, IoU.grass: 0.6768, IoU.cabinet: 0.5683, IoU.sidewalk: 0.6696, IoU.person: 0.8114, IoU.earth: 0.3567, IoU.door: 0.5148, IoU.table: 0.6017, IoU.mountain: 0.6033, IoU.plant: 0.4752, IoU.curtain: 0.7413, IoU.chair: 0.5623, IoU.car: 0.8311, IoU.water: 0.6310, IoU.painting: 0.7379, IoU.sofa: 0.6902, IoU.shelf: 0.4236, IoU.house: 0.5354, IoU.sea: 0.7031, IoU.mirror: 0.6572, IoU.rug: 0.6532, IoU.field: 0.2705, IoU.armchair: 0.4605, IoU.seat: 0.6307, IoU.fence: 0.4609, IoU.desk: 0.4698, IoU.rock: 0.4888, IoU.wardrobe: 0.4656, IoU.lamp: 0.5946, IoU.bathtub: 0.7765, IoU.railing: 0.3621, IoU.cushion: 0.5827, IoU.base: 0.3454, IoU.box: 0.2234, IoU.column: 0.4678, IoU.signboard: 0.3669, IoU.chest of drawers: 0.3277, IoU.counter: 0.2891, IoU.sand: 0.5591, IoU.sink: 0.6978, IoU.skyscraper: 0.6392, IoU.fireplace: 0.7322, IoU.refrigerator: 0.7551, IoU.grandstand: 0.4962, IoU.path: 0.2652, IoU.stairs: 0.2719, IoU.runway: 0.7032, IoU.case: 0.5370, IoU.pool table: 0.9164, IoU.pillow: 0.5954, IoU.screen door: 0.7310, IoU.stairway: 0.3521, IoU.river: 0.1193, IoU.bridge: 0.4281, IoU.bookcase: 0.3870, IoU.blind: 0.5157, IoU.coffee table: 0.5720, IoU.toilet: 0.8379, IoU.flower: 0.4112, IoU.book: 0.4451, IoU.hill: 0.1555, IoU.bench: 0.4850, IoU.countertop: 0.5783, IoU.stove: 0.6820, IoU.palm: 0.5624, IoU.kitchen island: 0.3225, IoU.computer: 0.7564, IoU.swivel chair: 0.4166, IoU.boat: 0.7097, IoU.bar: 0.4905, IoU.arcade machine: 0.6823, IoU.hovel: 0.4668, IoU.bus: 0.8977, IoU.towel: 0.6509, IoU.light: 0.4574, IoU.truck: 0.2931, IoU.tower: 0.0991, IoU.chandelier: 0.6392, IoU.awning: 0.2418, IoU.streetlight: 0.2533, IoU.booth: 0.3730, IoU.television receiver: 0.7107, IoU.airplane: 0.6966, IoU.dirt track: 0.0052, IoU.apparel: 0.2977, IoU.pole: 0.2074, IoU.land: 0.0091, IoU.bannister: 0.1003, IoU.escalator: 0.5217, IoU.ottoman: 0.3888, IoU.bottle: 0.3668, IoU.buffet: 0.4542, IoU.poster: 0.1902, IoU.stage: 0.1899, IoU.van: 0.3618, IoU.ship: 0.0430, IoU.fountain: 0.2318, IoU.conveyer belt: 0.7567, IoU.canopy: 0.3754, IoU.washer: 0.9017, IoU.plaything: 0.2554, IoU.swimming pool: 0.7622, IoU.stool: 0.3827, IoU.barrel: 0.5102, IoU.basket: 0.3508, IoU.waterfall: 0.6143, IoU.tent: 0.9451, IoU.bag: 0.1372, IoU.minibike: 0.6951, IoU.cradle: 0.7334, IoU.oven: 0.2465, IoU.ball: 0.5228, IoU.food: 0.4131, IoU.step: 0.0819, IoU.tank: 0.5978, IoU.trade name: 0.2993, IoU.microwave: 0.7908, IoU.pot: 0.3933, IoU.animal: 0.6502, IoU.bicycle: 0.4980, IoU.lake: 0.5530, IoU.dishwasher: 0.5371, IoU.screen: 0.6126, IoU.blanket: 0.1321, IoU.sculpture: 0.6826, IoU.hood: 0.5780, IoU.sconce: 0.4080, IoU.vase: 0.3206, IoU.traffic light: 0.2575, IoU.tray: 0.1163, IoU.ashcan: 0.4490, IoU.fan: 0.5686, IoU.pier: 0.3281, IoU.crt screen: 0.1386, IoU.plate: 0.5052, IoU.monitor: 0.3182, IoU.bulletin board: 0.3601, IoU.shower: 0.0000, IoU.radiator: 0.6742, IoU.glass: 0.1089, IoU.clock: 0.3508, IoU.flag: 0.6951, Acc.wall: 0.8718, Acc.building: 0.9342, Acc.sky: 0.9736, Acc.floor: 0.8945, Acc.tree: 0.8702, Acc.ceiling: 0.9307, Acc.road: 0.8971, Acc.bed : 0.9659, Acc.windowpane: 0.7637, Acc.grass: 0.9045, Acc.cabinet: 0.6792, Acc.sidewalk: 0.8160, Acc.person: 0.9044, Acc.earth: 0.4452, Acc.door: 0.6963, Acc.table: 0.7327, Acc.mountain: 0.7895, Acc.plant: 0.5487, Acc.curtain: 0.8637, Acc.chair: 0.7180, Acc.car: 0.9267, Acc.water: 0.8112, Acc.painting: 0.8329, Acc.sofa: 0.8347, Acc.shelf: 0.6873, Acc.house: 0.6471, Acc.sea: 0.8276, Acc.mirror: 0.7147, Acc.rug: 0.7755, Acc.field: 0.3899, Acc.armchair: 0.6666, Acc.seat: 0.8862, Acc.fence: 0.6298, Acc.desk: 0.5821, Acc.rock: 0.6243, Acc.wardrobe: 0.6944, Acc.lamp: 0.7404, Acc.bathtub: 0.8470, Acc.railing: 0.5239, Acc.cushion: 0.6769, Acc.base: 0.4620, Acc.box: 0.2742, Acc.column: 0.5915, Acc.signboard: 0.4586, Acc.chest of drawers: 0.7251, Acc.counter: 0.3617, Acc.sand: 0.8843, Acc.sink: 0.7426, Acc.skyscraper: 0.7980, Acc.fireplace: 0.8355, Acc.refrigerator: 0.8262, Acc.grandstand: 0.7978, Acc.path: 0.3371, Acc.stairs: 0.3358, Acc.runway: 0.9142, Acc.case: 0.6213, Acc.pool table: 0.9660, Acc.pillow: 0.7387, Acc.screen door: 0.7570, Acc.stairway: 0.5279, Acc.river: 0.1961, Acc.bridge: 0.5113, Acc.bookcase: 0.6314, Acc.blind: 0.7422, Acc.coffee table: 0.8095, Acc.toilet: 0.9148, Acc.flower: 0.5656, Acc.book: 0.6103, Acc.hill: 0.1996, Acc.bench: 0.5286, Acc.countertop: 0.8185, Acc.stove: 0.8505, Acc.palm: 0.7376, Acc.kitchen island: 0.7412, Acc.computer: 0.9094, Acc.swivel chair: 0.6407, Acc.boat: 0.8636, Acc.bar: 0.6443, Acc.arcade machine: 0.7083, Acc.hovel: 0.8315, Acc.bus: 0.9458, Acc.towel: 0.7149, Acc.light: 0.5452, Acc.truck: 0.4000, Acc.tower: 0.1337, Acc.chandelier: 0.8404, Acc.awning: 0.2520, Acc.streetlight: 0.3258, Acc.booth: 0.4199, Acc.television receiver: 0.8184, Acc.airplane: 0.7635, Acc.dirt track: 0.0204, Acc.apparel: 0.3983, Acc.pole: 0.3206, Acc.land: 0.0125, Acc.bannister: 0.1270, Acc.escalator: 0.7099, Acc.ottoman: 0.7166, Acc.bottle: 0.5909, Acc.buffet: 0.6518, Acc.poster: 0.1933, Acc.stage: 0.3264, Acc.van: 0.4144, Acc.ship: 0.0499, Acc.fountain: 0.2331, Acc.conveyer belt: 0.9020, Acc.canopy: 0.5051, Acc.washer: 0.9289, Acc.plaything: 0.4566, Acc.swimming pool: 0.8567, Acc.stool: 0.5205, Acc.barrel: 0.6468, Acc.basket: 0.4473, Acc.waterfall: 0.8294, Acc.tent: 0.9859, Acc.bag: 0.1552, Acc.minibike: 0.8735, Acc.cradle: 0.9797, Acc.oven: 0.3080, Acc.ball: 0.7339, Acc.food: 0.4856, Acc.step: 0.0963, Acc.tank: 0.6698, Acc.trade name: 0.3552, Acc.microwave: 0.9203, Acc.pot: 0.4581, Acc.animal: 0.6788, Acc.bicycle: 0.6219, Acc.lake: 0.6376, Acc.dishwasher: 0.7138, Acc.screen: 0.8809, Acc.blanket: 0.1487, Acc.sculpture: 0.7436, Acc.hood: 0.6549, Acc.sconce: 0.4877, Acc.vase: 0.4928, Acc.traffic light: 0.5162, Acc.tray: 0.2290, Acc.ashcan: 0.5783, Acc.fan: 0.7278, Acc.pier: 0.4286, Acc.crt screen: 0.2637, Acc.plate: 0.7481, Acc.monitor: 0.3337, Acc.bulletin board: 0.3892, Acc.shower: 0.0000, Acc.radiator: 0.8011, Acc.glass: 0.1130, Acc.clock: 0.4130, Acc.flag: 0.7692 2022-03-01 04:19:15,867 - mmseg - INFO - Iter [16050/160000] lr: 1.799e-05, eta: 14:25:58, time: 1.231, data_time: 0.881, memory: 49013, decode.loss_ce: 0.3351, decode.acc_seg: 70.4328, aux.loss_ce: 0.1396, aux.acc_seg: 70.2709, loss: 0.4746 2022-03-01 04:19:33,830 - mmseg - INFO - Iter [16100/160000] lr: 1.799e-05, eta: 14:25:39, time: 0.359, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3195, decode.acc_seg: 70.1280, aux.loss_ce: 0.1329, aux.acc_seg: 69.7981, loss: 0.4524 2022-03-01 04:19:51,526 - mmseg - INFO - Iter [16150/160000] lr: 1.798e-05, eta: 14:25:18, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3169, decode.acc_seg: 71.3609, aux.loss_ce: 0.1302, aux.acc_seg: 71.1473, loss: 0.4471 2022-03-01 04:20:09,235 - mmseg - INFO - Iter [16200/160000] lr: 1.798e-05, eta: 14:24:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3243, decode.acc_seg: 70.7344, aux.loss_ce: 0.1350, aux.acc_seg: 70.5546, loss: 0.4593 2022-03-01 04:20:26,963 - mmseg - INFO - Iter [16250/160000] lr: 1.797e-05, eta: 14:24:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3471, decode.acc_seg: 70.8598, aux.loss_ce: 0.1442, aux.acc_seg: 70.6366, loss: 0.4912 2022-03-01 04:20:44,636 - mmseg - INFO - Iter [16300/160000] lr: 1.796e-05, eta: 14:24:15, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3408, decode.acc_seg: 70.8702, aux.loss_ce: 0.1413, aux.acc_seg: 70.6786, loss: 0.4822 2022-03-01 04:21:02,523 - mmseg - INFO - Iter [16350/160000] lr: 1.796e-05, eta: 14:23:55, time: 0.358, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3460, decode.acc_seg: 70.0115, aux.loss_ce: 0.1437, aux.acc_seg: 69.8041, loss: 0.4897 2022-03-01 04:21:20,311 - mmseg - INFO - Iter [16400/160000] lr: 1.795e-05, eta: 14:23:35, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3514, decode.acc_seg: 71.3312, aux.loss_ce: 0.1459, aux.acc_seg: 71.0490, loss: 0.4972 2022-03-01 04:21:40,242 - mmseg - INFO - Iter [16450/160000] lr: 1.794e-05, eta: 14:23:34, time: 0.398, data_time: 0.048, memory: 49013, decode.loss_ce: 0.3273, decode.acc_seg: 71.1477, aux.loss_ce: 0.1356, aux.acc_seg: 71.0062, loss: 0.4630 2022-03-01 04:21:57,942 - mmseg - INFO - Iter [16500/160000] lr: 1.794e-05, eta: 14:23:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3171, decode.acc_seg: 70.7313, aux.loss_ce: 0.1314, aux.acc_seg: 70.5824, loss: 0.4486 2022-03-01 04:22:15,612 - mmseg - INFO - Iter [16550/160000] lr: 1.793e-05, eta: 14:22:51, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3101, decode.acc_seg: 70.1058, aux.loss_ce: 0.1308, aux.acc_seg: 69.7740, loss: 0.4409 2022-03-01 04:22:33,308 - mmseg - INFO - Iter [16600/160000] lr: 1.793e-05, eta: 14:22:30, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3100, decode.acc_seg: 70.1903, aux.loss_ce: 0.1314, aux.acc_seg: 69.8752, loss: 0.4414 2022-03-01 04:22:51,032 - mmseg - INFO - Iter [16650/160000] lr: 1.792e-05, eta: 14:22:09, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3279, decode.acc_seg: 70.3186, aux.loss_ce: 0.1358, aux.acc_seg: 70.0888, loss: 0.4637 2022-03-01 04:23:08,812 - mmseg - INFO - Iter [16700/160000] lr: 1.791e-05, eta: 14:21:49, time: 0.356, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3360, decode.acc_seg: 69.1214, aux.loss_ce: 0.1399, aux.acc_seg: 68.8933, loss: 0.4759 2022-03-01 04:23:26,466 - mmseg - INFO - Iter [16750/160000] lr: 1.791e-05, eta: 14:21:28, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3165, decode.acc_seg: 69.0339, aux.loss_ce: 0.1314, aux.acc_seg: 68.7667, loss: 0.4478 2022-03-01 04:23:44,074 - mmseg - INFO - Iter [16800/160000] lr: 1.790e-05, eta: 14:21:06, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3293, decode.acc_seg: 71.1030, aux.loss_ce: 0.1361, aux.acc_seg: 70.9195, loss: 0.4655 2022-03-01 04:24:01,760 - mmseg - INFO - Iter [16850/160000] lr: 1.789e-05, eta: 14:20:45, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3043, decode.acc_seg: 71.3029, aux.loss_ce: 0.1276, aux.acc_seg: 71.0329, loss: 0.4319 2022-03-01 04:24:19,417 - mmseg - INFO - Iter [16900/160000] lr: 1.789e-05, eta: 14:20:24, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3368, decode.acc_seg: 71.0444, aux.loss_ce: 0.1386, aux.acc_seg: 70.8537, loss: 0.4753 2022-03-01 04:24:37,278 - mmseg - INFO - Iter [16950/160000] lr: 1.788e-05, eta: 14:20:04, time: 0.357, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3306, decode.acc_seg: 70.5713, aux.loss_ce: 0.1393, aux.acc_seg: 70.1813, loss: 0.4699 2022-03-01 04:24:54,938 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:24:54,938 - mmseg - INFO - Iter [17000/160000] lr: 1.788e-05, eta: 14:19:43, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3350, decode.acc_seg: 69.8142, aux.loss_ce: 0.1404, aux.acc_seg: 69.4525, loss: 0.4754 2022-03-01 04:25:12,653 - mmseg - INFO - Iter [17050/160000] lr: 1.787e-05, eta: 14:19:22, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3134, decode.acc_seg: 70.2863, aux.loss_ce: 0.1292, aux.acc_seg: 70.1592, loss: 0.4426 2022-03-01 04:25:30,396 - mmseg - INFO - Iter [17100/160000] lr: 1.786e-05, eta: 14:19:02, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3095, decode.acc_seg: 70.7951, aux.loss_ce: 0.1283, aux.acc_seg: 70.5978, loss: 0.4378 2022-03-01 04:25:48,074 - mmseg - INFO - Iter [17150/160000] lr: 1.786e-05, eta: 14:18:41, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3231, decode.acc_seg: 70.8093, aux.loss_ce: 0.1330, aux.acc_seg: 70.6225, loss: 0.4561 2022-03-01 04:26:05,679 - mmseg - INFO - Iter [17200/160000] lr: 1.785e-05, eta: 14:18:19, time: 0.352, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3206, decode.acc_seg: 70.8091, aux.loss_ce: 0.1349, aux.acc_seg: 70.5410, loss: 0.4555 2022-03-01 04:26:23,370 - mmseg - INFO - Iter [17250/160000] lr: 1.784e-05, eta: 14:17:58, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3273, decode.acc_seg: 72.2138, aux.loss_ce: 0.1372, aux.acc_seg: 71.7698, loss: 0.4645 2022-03-01 04:26:41,103 - mmseg - INFO - Iter [17300/160000] lr: 1.784e-05, eta: 14:17:38, time: 0.355, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3182, decode.acc_seg: 70.6025, aux.loss_ce: 0.1338, aux.acc_seg: 70.2827, loss: 0.4520 2022-03-01 04:26:58,674 - mmseg - INFO - Iter [17350/160000] lr: 1.783e-05, eta: 14:17:16, time: 0.351, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3103, decode.acc_seg: 69.1816, aux.loss_ce: 0.1292, aux.acc_seg: 68.9178, loss: 0.4395 2022-03-01 04:27:16,338 - mmseg - INFO - Iter [17400/160000] lr: 1.783e-05, eta: 14:16:55, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3312, decode.acc_seg: 68.9332, aux.loss_ce: 0.1360, aux.acc_seg: 68.7752, loss: 0.4672 2022-03-01 04:27:34,002 - mmseg - INFO - Iter [17450/160000] lr: 1.782e-05, eta: 14:16:34, time: 0.353, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3308, decode.acc_seg: 70.5581, aux.loss_ce: 0.1387, aux.acc_seg: 70.1713, loss: 0.4694 2022-03-01 04:27:51,717 - mmseg - INFO - Iter [17500/160000] lr: 1.781e-05, eta: 14:16:13, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3080, decode.acc_seg: 70.2869, aux.loss_ce: 0.1263, aux.acc_seg: 70.1911, loss: 0.4343 2022-03-01 04:28:09,398 - mmseg - INFO - Iter [17550/160000] lr: 1.781e-05, eta: 14:15:52, time: 0.354, data_time: 0.004, memory: 49013, decode.loss_ce: 0.3167, decode.acc_seg: 71.1016, aux.loss_ce: 0.1316, aux.acc_seg: 70.8537, loss: 0.4483 2022-03-01 04:28:27,066 - mmseg - INFO - Iter [17600/160000] lr: 1.780e-05, eta: 14:15:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3161, decode.acc_seg: 70.2502, aux.loss_ce: 0.1319, aux.acc_seg: 70.1218, loss: 0.4480 2022-03-01 04:28:44,728 - mmseg - INFO - Iter [17650/160000] lr: 1.779e-05, eta: 14:15:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3332, decode.acc_seg: 69.8294, aux.loss_ce: 0.1371, aux.acc_seg: 69.7201, loss: 0.4703 2022-03-01 04:29:04,899 - mmseg - INFO - Iter [17700/160000] lr: 1.779e-05, eta: 14:15:10, time: 0.403, data_time: 0.049, memory: 49013, decode.loss_ce: 0.3163, decode.acc_seg: 70.6276, aux.loss_ce: 0.1304, aux.acc_seg: 70.5755, loss: 0.4467 2022-03-01 04:29:22,643 - mmseg - INFO - Iter [17750/160000] lr: 1.778e-05, eta: 14:14:50, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3123, decode.acc_seg: 70.8794, aux.loss_ce: 0.1306, aux.acc_seg: 70.6750, loss: 0.4429 2022-03-01 04:29:40,348 - mmseg - INFO - Iter [17800/160000] lr: 1.778e-05, eta: 14:14:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3032, decode.acc_seg: 71.2349, aux.loss_ce: 0.1255, aux.acc_seg: 71.0559, loss: 0.4287 2022-03-01 04:29:58,053 - mmseg - INFO - Iter [17850/160000] lr: 1.777e-05, eta: 14:14:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3114, decode.acc_seg: 71.3701, aux.loss_ce: 0.1302, aux.acc_seg: 71.1798, loss: 0.4416 2022-03-01 04:30:15,856 - mmseg - INFO - Iter [17900/160000] lr: 1.776e-05, eta: 14:13:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2948, decode.acc_seg: 71.0249, aux.loss_ce: 0.1221, aux.acc_seg: 70.9762, loss: 0.4169 2022-03-01 04:30:33,507 - mmseg - INFO - Iter [17950/160000] lr: 1.776e-05, eta: 14:13:28, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3031, decode.acc_seg: 71.6849, aux.loss_ce: 0.1281, aux.acc_seg: 71.1449, loss: 0.4312 2022-03-01 04:30:51,156 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:30:51,157 - mmseg - INFO - Iter [18000/160000] lr: 1.775e-05, eta: 14:13:07, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3107, decode.acc_seg: 71.3441, aux.loss_ce: 0.1304, aux.acc_seg: 71.0640, loss: 0.4411 2022-03-01 04:31:08,868 - mmseg - INFO - Iter [18050/160000] lr: 1.774e-05, eta: 14:12:46, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3261, decode.acc_seg: 71.6961, aux.loss_ce: 0.1344, aux.acc_seg: 71.4350, loss: 0.4605 2022-03-01 04:31:26,566 - mmseg - INFO - Iter [18100/160000] lr: 1.774e-05, eta: 14:12:25, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3099, decode.acc_seg: 69.8809, aux.loss_ce: 0.1282, aux.acc_seg: 69.6216, loss: 0.4381 2022-03-01 04:31:44,339 - mmseg - INFO - Iter [18150/160000] lr: 1.773e-05, eta: 14:12:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2901, decode.acc_seg: 70.5062, aux.loss_ce: 0.1210, aux.acc_seg: 70.3315, loss: 0.4111 2022-03-01 04:32:02,426 - mmseg - INFO - Iter [18200/160000] lr: 1.773e-05, eta: 14:11:48, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3094, decode.acc_seg: 70.8185, aux.loss_ce: 0.1279, aux.acc_seg: 70.5922, loss: 0.4372 2022-03-01 04:32:20,327 - mmseg - INFO - Iter [18250/160000] lr: 1.772e-05, eta: 14:11:29, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2993, decode.acc_seg: 70.4210, aux.loss_ce: 0.1243, aux.acc_seg: 70.1207, loss: 0.4237 2022-03-01 04:32:38,222 - mmseg - INFO - Iter [18300/160000] lr: 1.771e-05, eta: 14:11:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3409, decode.acc_seg: 71.4761, aux.loss_ce: 0.1407, aux.acc_seg: 71.1697, loss: 0.4816 2022-03-01 04:32:56,027 - mmseg - INFO - Iter [18350/160000] lr: 1.771e-05, eta: 14:10:50, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3153, decode.acc_seg: 71.3608, aux.loss_ce: 0.1293, aux.acc_seg: 71.3609, loss: 0.4446 2022-03-01 04:33:13,647 - mmseg - INFO - Iter [18400/160000] lr: 1.770e-05, eta: 14:10:29, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3235, decode.acc_seg: 71.6285, aux.loss_ce: 0.1355, aux.acc_seg: 71.3692, loss: 0.4590 2022-03-01 04:33:31,364 - mmseg - INFO - Iter [18450/160000] lr: 1.769e-05, eta: 14:10:09, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3203, decode.acc_seg: 71.4173, aux.loss_ce: 0.1335, aux.acc_seg: 71.1428, loss: 0.4538 2022-03-01 04:33:49,001 - mmseg - INFO - Iter [18500/160000] lr: 1.769e-05, eta: 14:09:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3102, decode.acc_seg: 71.1567, aux.loss_ce: 0.1296, aux.acc_seg: 70.7738, loss: 0.4398 2022-03-01 04:34:06,809 - mmseg - INFO - Iter [18550/160000] lr: 1.768e-05, eta: 14:09:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3263, decode.acc_seg: 71.2276, aux.loss_ce: 0.1364, aux.acc_seg: 71.0053, loss: 0.4626 2022-03-01 04:34:24,384 - mmseg - INFO - Iter [18600/160000] lr: 1.768e-05, eta: 14:09:07, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3261, decode.acc_seg: 70.4284, aux.loss_ce: 0.1338, aux.acc_seg: 70.2902, loss: 0.4599 2022-03-01 04:34:42,055 - mmseg - INFO - Iter [18650/160000] lr: 1.767e-05, eta: 14:08:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3221, decode.acc_seg: 71.1570, aux.loss_ce: 0.1338, aux.acc_seg: 70.9301, loss: 0.4560 2022-03-01 04:34:59,784 - mmseg - INFO - Iter [18700/160000] lr: 1.766e-05, eta: 14:08:26, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3218, decode.acc_seg: 69.7755, aux.loss_ce: 0.1351, aux.acc_seg: 69.4149, loss: 0.4569 2022-03-01 04:35:17,488 - mmseg - INFO - Iter [18750/160000] lr: 1.766e-05, eta: 14:08:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3226, decode.acc_seg: 70.3976, aux.loss_ce: 0.1352, aux.acc_seg: 70.0258, loss: 0.4577 2022-03-01 04:35:35,175 - mmseg - INFO - Iter [18800/160000] lr: 1.765e-05, eta: 14:07:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3412, decode.acc_seg: 71.0897, aux.loss_ce: 0.1423, aux.acc_seg: 70.7647, loss: 0.4835 2022-03-01 04:35:52,916 - mmseg - INFO - Iter [18850/160000] lr: 1.764e-05, eta: 14:07:25, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3565, decode.acc_seg: 69.1651, aux.loss_ce: 0.1471, aux.acc_seg: 68.9789, loss: 0.5036 2022-03-01 04:36:10,798 - mmseg - INFO - Iter [18900/160000] lr: 1.764e-05, eta: 14:07:06, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3090, decode.acc_seg: 71.9712, aux.loss_ce: 0.1283, aux.acc_seg: 71.7044, loss: 0.4373 2022-03-01 04:36:30,749 - mmseg - INFO - Iter [18950/160000] lr: 1.763e-05, eta: 14:07:03, time: 0.399, data_time: 0.051, memory: 49013, decode.loss_ce: 0.3177, decode.acc_seg: 70.4041, aux.loss_ce: 0.1337, aux.acc_seg: 69.9217, loss: 0.4514 2022-03-01 04:36:48,583 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:36:48,583 - mmseg - INFO - Iter [19000/160000] lr: 1.763e-05, eta: 14:06:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2911, decode.acc_seg: 71.7937, aux.loss_ce: 0.1220, aux.acc_seg: 71.4347, loss: 0.4132 2022-03-01 04:37:06,246 - mmseg - INFO - Iter [19050/160000] lr: 1.762e-05, eta: 14:06:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2960, decode.acc_seg: 70.4676, aux.loss_ce: 0.1217, aux.acc_seg: 70.3066, loss: 0.4177 2022-03-01 04:37:24,187 - mmseg - INFO - Iter [19100/160000] lr: 1.761e-05, eta: 14:06:04, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2956, decode.acc_seg: 72.3296, aux.loss_ce: 0.1257, aux.acc_seg: 71.9110, loss: 0.4213 2022-03-01 04:37:42,055 - mmseg - INFO - Iter [19150/160000] lr: 1.761e-05, eta: 14:05:45, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3097, decode.acc_seg: 71.1068, aux.loss_ce: 0.1277, aux.acc_seg: 70.9601, loss: 0.4374 2022-03-01 04:37:59,712 - mmseg - INFO - Iter [19200/160000] lr: 1.760e-05, eta: 14:05:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3049, decode.acc_seg: 71.2599, aux.loss_ce: 0.1272, aux.acc_seg: 71.0573, loss: 0.4321 2022-03-01 04:38:17,567 - mmseg - INFO - Iter [19250/160000] lr: 1.759e-05, eta: 14:05:05, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2935, decode.acc_seg: 72.2225, aux.loss_ce: 0.1229, aux.acc_seg: 72.0029, loss: 0.4164 2022-03-01 04:38:35,434 - mmseg - INFO - Iter [19300/160000] lr: 1.759e-05, eta: 14:04:46, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3167, decode.acc_seg: 71.5159, aux.loss_ce: 0.1308, aux.acc_seg: 71.3171, loss: 0.4475 2022-03-01 04:38:53,294 - mmseg - INFO - Iter [19350/160000] lr: 1.758e-05, eta: 14:04:27, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2834, decode.acc_seg: 70.6571, aux.loss_ce: 0.1189, aux.acc_seg: 70.4159, loss: 0.4022 2022-03-01 04:39:11,001 - mmseg - INFO - Iter [19400/160000] lr: 1.758e-05, eta: 14:04:07, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2875, decode.acc_seg: 71.5445, aux.loss_ce: 0.1202, aux.acc_seg: 71.2851, loss: 0.4076 2022-03-01 04:39:28,604 - mmseg - INFO - Iter [19450/160000] lr: 1.757e-05, eta: 14:03:46, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3233, decode.acc_seg: 70.9668, aux.loss_ce: 0.1335, aux.acc_seg: 70.7540, loss: 0.4569 2022-03-01 04:39:46,483 - mmseg - INFO - Iter [19500/160000] lr: 1.756e-05, eta: 14:03:27, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3001, decode.acc_seg: 71.8598, aux.loss_ce: 0.1249, aux.acc_seg: 71.4552, loss: 0.4250 2022-03-01 04:40:04,238 - mmseg - INFO - Iter [19550/160000] lr: 1.756e-05, eta: 14:03:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3131, decode.acc_seg: 71.8088, aux.loss_ce: 0.1307, aux.acc_seg: 71.5550, loss: 0.4438 2022-03-01 04:40:21,996 - mmseg - INFO - Iter [19600/160000] lr: 1.755e-05, eta: 14:02:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2877, decode.acc_seg: 70.2042, aux.loss_ce: 0.1219, aux.acc_seg: 69.7532, loss: 0.4096 2022-03-01 04:40:39,728 - mmseg - INFO - Iter [19650/160000] lr: 1.754e-05, eta: 14:02:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2833, decode.acc_seg: 71.4512, aux.loss_ce: 0.1195, aux.acc_seg: 71.1567, loss: 0.4028 2022-03-01 04:40:57,383 - mmseg - INFO - Iter [19700/160000] lr: 1.754e-05, eta: 14:02:07, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2937, decode.acc_seg: 70.2220, aux.loss_ce: 0.1224, aux.acc_seg: 69.9665, loss: 0.4161 2022-03-01 04:41:15,085 - mmseg - INFO - Iter [19750/160000] lr: 1.753e-05, eta: 14:01:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3054, decode.acc_seg: 70.6609, aux.loss_ce: 0.1260, aux.acc_seg: 70.5139, loss: 0.4313 2022-03-01 04:41:32,966 - mmseg - INFO - Iter [19800/160000] lr: 1.753e-05, eta: 14:01:28, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3298, decode.acc_seg: 70.5383, aux.loss_ce: 0.1354, aux.acc_seg: 70.2356, loss: 0.4652 2022-03-01 04:41:50,849 - mmseg - INFO - Iter [19850/160000] lr: 1.752e-05, eta: 14:01:09, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2970, decode.acc_seg: 71.1742, aux.loss_ce: 0.1227, aux.acc_seg: 70.9838, loss: 0.4198 2022-03-01 04:42:08,458 - mmseg - INFO - Iter [19900/160000] lr: 1.751e-05, eta: 14:00:48, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.3238, decode.acc_seg: 70.0545, aux.loss_ce: 0.1342, aux.acc_seg: 69.7184, loss: 0.4580 2022-03-01 04:42:26,245 - mmseg - INFO - Iter [19950/160000] lr: 1.751e-05, eta: 14:00:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3346, decode.acc_seg: 71.3104, aux.loss_ce: 0.1386, aux.acc_seg: 71.0482, loss: 0.4732 2022-03-01 04:42:44,182 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:42:44,183 - mmseg - INFO - Iter [20000/160000] lr: 1.750e-05, eta: 14:00:10, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.3273, decode.acc_seg: 69.5070, aux.loss_ce: 0.1355, aux.acc_seg: 69.2588, loss: 0.4628 2022-03-01 04:43:02,325 - mmseg - INFO - Iter [20050/160000] lr: 1.749e-05, eta: 13:59:53, time: 0.363, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2995, decode.acc_seg: 71.1431, aux.loss_ce: 0.1247, aux.acc_seg: 70.8574, loss: 0.4242 2022-03-01 04:43:20,149 - mmseg - INFO - Iter [20100/160000] lr: 1.749e-05, eta: 13:59:34, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2966, decode.acc_seg: 71.3590, aux.loss_ce: 0.1252, aux.acc_seg: 71.0344, loss: 0.4219 2022-03-01 04:43:37,963 - mmseg - INFO - Iter [20150/160000] lr: 1.748e-05, eta: 13:59:14, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3061, decode.acc_seg: 71.4025, aux.loss_ce: 0.1283, aux.acc_seg: 71.1475, loss: 0.4345 2022-03-01 04:43:55,684 - mmseg - INFO - Iter [20200/160000] lr: 1.748e-05, eta: 13:58:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3275, decode.acc_seg: 70.0219, aux.loss_ce: 0.1353, aux.acc_seg: 69.8443, loss: 0.4628 2022-03-01 04:44:15,757 - mmseg - INFO - Iter [20250/160000] lr: 1.747e-05, eta: 13:58:51, time: 0.401, data_time: 0.050, memory: 49013, decode.loss_ce: 0.3080, decode.acc_seg: 70.2609, aux.loss_ce: 0.1270, aux.acc_seg: 70.1052, loss: 0.4350 2022-03-01 04:44:33,606 - mmseg - INFO - Iter [20300/160000] lr: 1.746e-05, eta: 13:58:32, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3107, decode.acc_seg: 71.4199, aux.loss_ce: 0.1317, aux.acc_seg: 71.0831, loss: 0.4425 2022-03-01 04:44:51,348 - mmseg - INFO - Iter [20350/160000] lr: 1.746e-05, eta: 13:58:12, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2750, decode.acc_seg: 72.1553, aux.loss_ce: 0.1160, aux.acc_seg: 71.9002, loss: 0.3911 2022-03-01 04:45:09,009 - mmseg - INFO - Iter [20400/160000] lr: 1.745e-05, eta: 13:57:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2731, decode.acc_seg: 72.3482, aux.loss_ce: 0.1162, aux.acc_seg: 71.9988, loss: 0.3893 2022-03-01 04:45:26,851 - mmseg - INFO - Iter [20450/160000] lr: 1.744e-05, eta: 13:57:32, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2822, decode.acc_seg: 70.0502, aux.loss_ce: 0.1191, aux.acc_seg: 69.7177, loss: 0.4013 2022-03-01 04:45:44,679 - mmseg - INFO - Iter [20500/160000] lr: 1.744e-05, eta: 13:57:13, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2931, decode.acc_seg: 72.5262, aux.loss_ce: 0.1226, aux.acc_seg: 72.2354, loss: 0.4157 2022-03-01 04:46:02,421 - mmseg - INFO - Iter [20550/160000] lr: 1.743e-05, eta: 13:56:53, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3036, decode.acc_seg: 70.2394, aux.loss_ce: 0.1264, aux.acc_seg: 69.9179, loss: 0.4300 2022-03-01 04:46:20,471 - mmseg - INFO - Iter [20600/160000] lr: 1.743e-05, eta: 13:56:36, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2764, decode.acc_seg: 71.2291, aux.loss_ce: 0.1155, aux.acc_seg: 71.0003, loss: 0.3918 2022-03-01 04:46:38,035 - mmseg - INFO - Iter [20650/160000] lr: 1.742e-05, eta: 13:56:15, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2938, decode.acc_seg: 71.2798, aux.loss_ce: 0.1224, aux.acc_seg: 71.1031, loss: 0.4162 2022-03-01 04:46:55,941 - mmseg - INFO - Iter [20700/160000] lr: 1.741e-05, eta: 13:55:56, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2844, decode.acc_seg: 71.5199, aux.loss_ce: 0.1212, aux.acc_seg: 70.9826, loss: 0.4056 2022-03-01 04:47:13,693 - mmseg - INFO - Iter [20750/160000] lr: 1.741e-05, eta: 13:55:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3005, decode.acc_seg: 70.7037, aux.loss_ce: 0.1251, aux.acc_seg: 70.6342, loss: 0.4256 2022-03-01 04:47:31,285 - mmseg - INFO - Iter [20800/160000] lr: 1.740e-05, eta: 13:55:15, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2965, decode.acc_seg: 72.2178, aux.loss_ce: 0.1241, aux.acc_seg: 72.0366, loss: 0.4205 2022-03-01 04:47:49,079 - mmseg - INFO - Iter [20850/160000] lr: 1.739e-05, eta: 13:54:56, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2925, decode.acc_seg: 71.3511, aux.loss_ce: 0.1231, aux.acc_seg: 71.0657, loss: 0.4155 2022-03-01 04:48:07,108 - mmseg - INFO - Iter [20900/160000] lr: 1.739e-05, eta: 13:54:38, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3018, decode.acc_seg: 71.7660, aux.loss_ce: 0.1255, aux.acc_seg: 71.5929, loss: 0.4273 2022-03-01 04:48:24,775 - mmseg - INFO - Iter [20950/160000] lr: 1.738e-05, eta: 13:54:18, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2812, decode.acc_seg: 72.5712, aux.loss_ce: 0.1169, aux.acc_seg: 72.4450, loss: 0.3981 2022-03-01 04:48:42,502 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:48:42,502 - mmseg - INFO - Iter [21000/160000] lr: 1.738e-05, eta: 13:53:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2967, decode.acc_seg: 71.8257, aux.loss_ce: 0.1254, aux.acc_seg: 71.5451, loss: 0.4222 2022-03-01 04:49:00,225 - mmseg - INFO - Iter [21050/160000] lr: 1.737e-05, eta: 13:53:38, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3147, decode.acc_seg: 72.5430, aux.loss_ce: 0.1313, aux.acc_seg: 72.2949, loss: 0.4461 2022-03-01 04:49:18,079 - mmseg - INFO - Iter [21100/160000] lr: 1.736e-05, eta: 13:53:19, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3271, decode.acc_seg: 70.0739, aux.loss_ce: 0.1371, aux.acc_seg: 69.7752, loss: 0.4641 2022-03-01 04:49:35,851 - mmseg - INFO - Iter [21150/160000] lr: 1.736e-05, eta: 13:53:00, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.3234, decode.acc_seg: 71.2862, aux.loss_ce: 0.1340, aux.acc_seg: 71.0654, loss: 0.4574 2022-03-01 04:49:53,670 - mmseg - INFO - Iter [21200/160000] lr: 1.735e-05, eta: 13:52:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2994, decode.acc_seg: 70.8680, aux.loss_ce: 0.1262, aux.acc_seg: 70.5485, loss: 0.4256 2022-03-01 04:50:11,420 - mmseg - INFO - Iter [21250/160000] lr: 1.734e-05, eta: 13:52:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3126, decode.acc_seg: 70.2833, aux.loss_ce: 0.1307, aux.acc_seg: 70.0890, loss: 0.4432 2022-03-01 04:50:29,277 - mmseg - INFO - Iter [21300/160000] lr: 1.734e-05, eta: 13:52:02, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3322, decode.acc_seg: 70.7286, aux.loss_ce: 0.1392, aux.acc_seg: 70.3163, loss: 0.4713 2022-03-01 04:50:46,940 - mmseg - INFO - Iter [21350/160000] lr: 1.733e-05, eta: 13:51:42, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2949, decode.acc_seg: 72.9477, aux.loss_ce: 0.1224, aux.acc_seg: 72.6573, loss: 0.4172 2022-03-01 04:51:04,589 - mmseg - INFO - Iter [21400/160000] lr: 1.733e-05, eta: 13:51:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2878, decode.acc_seg: 71.3021, aux.loss_ce: 0.1205, aux.acc_seg: 71.1416, loss: 0.4083 2022-03-01 04:51:22,655 - mmseg - INFO - Iter [21450/160000] lr: 1.732e-05, eta: 13:51:04, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.3059, decode.acc_seg: 70.9102, aux.loss_ce: 0.1267, aux.acc_seg: 70.5293, loss: 0.4326 2022-03-01 04:51:42,669 - mmseg - INFO - Iter [21500/160000] lr: 1.731e-05, eta: 13:50:59, time: 0.400, data_time: 0.050, memory: 49013, decode.loss_ce: 0.3013, decode.acc_seg: 71.1389, aux.loss_ce: 0.1244, aux.acc_seg: 71.0475, loss: 0.4257 2022-03-01 04:52:00,274 - mmseg - INFO - Iter [21550/160000] lr: 1.731e-05, eta: 13:50:39, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2937, decode.acc_seg: 72.5844, aux.loss_ce: 0.1227, aux.acc_seg: 72.2395, loss: 0.4164 2022-03-01 04:52:17,932 - mmseg - INFO - Iter [21600/160000] lr: 1.730e-05, eta: 13:50:19, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2695, decode.acc_seg: 71.8058, aux.loss_ce: 0.1143, aux.acc_seg: 71.5846, loss: 0.3837 2022-03-01 04:52:35,546 - mmseg - INFO - Iter [21650/160000] lr: 1.729e-05, eta: 13:49:58, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2708, decode.acc_seg: 72.0648, aux.loss_ce: 0.1150, aux.acc_seg: 71.6891, loss: 0.3857 2022-03-01 04:52:53,210 - mmseg - INFO - Iter [21700/160000] lr: 1.729e-05, eta: 13:49:38, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2878, decode.acc_seg: 71.4899, aux.loss_ce: 0.1201, aux.acc_seg: 71.1865, loss: 0.4079 2022-03-01 04:53:10,821 - mmseg - INFO - Iter [21750/160000] lr: 1.728e-05, eta: 13:49:18, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2670, decode.acc_seg: 72.1048, aux.loss_ce: 0.1112, aux.acc_seg: 71.9710, loss: 0.3782 2022-03-01 04:53:28,535 - mmseg - INFO - Iter [21800/160000] lr: 1.728e-05, eta: 13:48:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2662, decode.acc_seg: 70.6494, aux.loss_ce: 0.1129, aux.acc_seg: 70.2709, loss: 0.3791 2022-03-01 04:53:46,629 - mmseg - INFO - Iter [21850/160000] lr: 1.727e-05, eta: 13:48:40, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2963, decode.acc_seg: 71.3312, aux.loss_ce: 0.1251, aux.acc_seg: 71.0750, loss: 0.4214 2022-03-01 04:54:04,311 - mmseg - INFO - Iter [21900/160000] lr: 1.726e-05, eta: 13:48:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2900, decode.acc_seg: 71.8673, aux.loss_ce: 0.1202, aux.acc_seg: 71.6104, loss: 0.4102 2022-03-01 04:54:22,212 - mmseg - INFO - Iter [21950/160000] lr: 1.726e-05, eta: 13:48:02, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2702, decode.acc_seg: 72.0230, aux.loss_ce: 0.1136, aux.acc_seg: 71.8129, loss: 0.3838 2022-03-01 04:54:39,948 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 04:54:39,948 - mmseg - INFO - Iter [22000/160000] lr: 1.725e-05, eta: 13:47:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2883, decode.acc_seg: 70.8620, aux.loss_ce: 0.1210, aux.acc_seg: 70.5890, loss: 0.4092 2022-03-01 04:54:57,697 - mmseg - INFO - Iter [22050/160000] lr: 1.724e-05, eta: 13:47:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2760, decode.acc_seg: 70.2701, aux.loss_ce: 0.1147, aux.acc_seg: 70.1168, loss: 0.3907 2022-03-01 04:55:15,726 - mmseg - INFO - Iter [22100/160000] lr: 1.724e-05, eta: 13:47:05, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2856, decode.acc_seg: 71.5623, aux.loss_ce: 0.1195, aux.acc_seg: 71.4527, loss: 0.4051 2022-03-01 04:55:33,527 - mmseg - INFO - Iter [22150/160000] lr: 1.723e-05, eta: 13:46:46, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2887, decode.acc_seg: 72.8056, aux.loss_ce: 0.1208, aux.acc_seg: 72.5616, loss: 0.4095 2022-03-01 04:55:51,204 - mmseg - INFO - Iter [22200/160000] lr: 1.723e-05, eta: 13:46:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2951, decode.acc_seg: 72.7736, aux.loss_ce: 0.1234, aux.acc_seg: 72.5188, loss: 0.4185 2022-03-01 04:56:08,801 - mmseg - INFO - Iter [22250/160000] lr: 1.722e-05, eta: 13:46:05, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2951, decode.acc_seg: 71.4590, aux.loss_ce: 0.1232, aux.acc_seg: 71.3093, loss: 0.4183 2022-03-01 04:56:26,469 - mmseg - INFO - Iter [22300/160000] lr: 1.721e-05, eta: 13:45:45, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2843, decode.acc_seg: 73.0773, aux.loss_ce: 0.1188, aux.acc_seg: 72.8811, loss: 0.4031 2022-03-01 04:56:44,137 - mmseg - INFO - Iter [22350/160000] lr: 1.721e-05, eta: 13:45:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2782, decode.acc_seg: 71.0642, aux.loss_ce: 0.1156, aux.acc_seg: 70.9159, loss: 0.3938 2022-03-01 04:57:01,835 - mmseg - INFO - Iter [22400/160000] lr: 1.720e-05, eta: 13:45:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2842, decode.acc_seg: 71.6596, aux.loss_ce: 0.1194, aux.acc_seg: 71.3711, loss: 0.4036 2022-03-01 04:57:19,453 - mmseg - INFO - Iter [22450/160000] lr: 1.719e-05, eta: 13:44:45, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2880, decode.acc_seg: 71.7829, aux.loss_ce: 0.1197, aux.acc_seg: 71.5365, loss: 0.4078 2022-03-01 04:57:37,052 - mmseg - INFO - Iter [22500/160000] lr: 1.719e-05, eta: 13:44:25, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2785, decode.acc_seg: 71.9650, aux.loss_ce: 0.1156, aux.acc_seg: 71.7003, loss: 0.3940 2022-03-01 04:57:54,706 - mmseg - INFO - Iter [22550/160000] lr: 1.718e-05, eta: 13:44:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2763, decode.acc_seg: 72.3650, aux.loss_ce: 0.1164, aux.acc_seg: 71.9552, loss: 0.3928 2022-03-01 04:58:12,459 - mmseg - INFO - Iter [22600/160000] lr: 1.718e-05, eta: 13:43:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2745, decode.acc_seg: 72.3221, aux.loss_ce: 0.1150, aux.acc_seg: 72.0874, loss: 0.3895 2022-03-01 04:58:30,290 - mmseg - INFO - Iter [22650/160000] lr: 1.717e-05, eta: 13:43:27, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2913, decode.acc_seg: 72.9642, aux.loss_ce: 0.1224, aux.acc_seg: 72.5895, loss: 0.4137 2022-03-01 04:58:48,247 - mmseg - INFO - Iter [22700/160000] lr: 1.716e-05, eta: 13:43:09, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2862, decode.acc_seg: 70.7170, aux.loss_ce: 0.1181, aux.acc_seg: 70.4916, loss: 0.4043 2022-03-01 04:59:08,365 - mmseg - INFO - Iter [22750/160000] lr: 1.716e-05, eta: 13:43:03, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.3240, decode.acc_seg: 70.9114, aux.loss_ce: 0.1354, aux.acc_seg: 70.5667, loss: 0.4594 2022-03-01 04:59:26,035 - mmseg - INFO - Iter [22800/160000] lr: 1.715e-05, eta: 13:42:43, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2866, decode.acc_seg: 70.7507, aux.loss_ce: 0.1182, aux.acc_seg: 70.6046, loss: 0.4048 2022-03-01 04:59:43,827 - mmseg - INFO - Iter [22850/160000] lr: 1.714e-05, eta: 13:42:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2971, decode.acc_seg: 71.6790, aux.loss_ce: 0.1233, aux.acc_seg: 71.4585, loss: 0.4205 2022-03-01 05:00:01,768 - mmseg - INFO - Iter [22900/160000] lr: 1.714e-05, eta: 13:42:06, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2791, decode.acc_seg: 72.2400, aux.loss_ce: 0.1181, aux.acc_seg: 71.8430, loss: 0.3972 2022-03-01 05:00:19,465 - mmseg - INFO - Iter [22950/160000] lr: 1.713e-05, eta: 13:41:46, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2882, decode.acc_seg: 71.5346, aux.loss_ce: 0.1210, aux.acc_seg: 71.1823, loss: 0.4092 2022-03-01 05:00:37,482 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:00:37,482 - mmseg - INFO - Iter [23000/160000] lr: 1.713e-05, eta: 13:41:28, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2830, decode.acc_seg: 72.0123, aux.loss_ce: 0.1196, aux.acc_seg: 71.6081, loss: 0.4025 2022-03-01 05:00:55,410 - mmseg - INFO - Iter [23050/160000] lr: 1.712e-05, eta: 13:41:10, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2766, decode.acc_seg: 72.7911, aux.loss_ce: 0.1151, aux.acc_seg: 72.5631, loss: 0.3917 2022-03-01 05:01:13,146 - mmseg - INFO - Iter [23100/160000] lr: 1.711e-05, eta: 13:40:51, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2797, decode.acc_seg: 72.6332, aux.loss_ce: 0.1167, aux.acc_seg: 72.2911, loss: 0.3965 2022-03-01 05:01:30,724 - mmseg - INFO - Iter [23150/160000] lr: 1.711e-05, eta: 13:40:30, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2703, decode.acc_seg: 72.0250, aux.loss_ce: 0.1144, aux.acc_seg: 71.6206, loss: 0.3847 2022-03-01 05:01:48,469 - mmseg - INFO - Iter [23200/160000] lr: 1.710e-05, eta: 13:40:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2764, decode.acc_seg: 71.4271, aux.loss_ce: 0.1161, aux.acc_seg: 71.1584, loss: 0.3924 2022-03-01 05:02:06,102 - mmseg - INFO - Iter [23250/160000] lr: 1.709e-05, eta: 13:39:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2810, decode.acc_seg: 72.0966, aux.loss_ce: 0.1173, aux.acc_seg: 71.8576, loss: 0.3983 2022-03-01 05:02:24,011 - mmseg - INFO - Iter [23300/160000] lr: 1.709e-05, eta: 13:39:32, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2740, decode.acc_seg: 72.3658, aux.loss_ce: 0.1144, aux.acc_seg: 72.1194, loss: 0.3883 2022-03-01 05:02:41,764 - mmseg - INFO - Iter [23350/160000] lr: 1.708e-05, eta: 13:39:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2741, decode.acc_seg: 71.5034, aux.loss_ce: 0.1145, aux.acc_seg: 71.2819, loss: 0.3887 2022-03-01 05:02:59,639 - mmseg - INFO - Iter [23400/160000] lr: 1.708e-05, eta: 13:38:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2775, decode.acc_seg: 72.1109, aux.loss_ce: 0.1164, aux.acc_seg: 71.8799, loss: 0.3939 2022-03-01 05:03:17,427 - mmseg - INFO - Iter [23450/160000] lr: 1.707e-05, eta: 13:38:35, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2902, decode.acc_seg: 72.0176, aux.loss_ce: 0.1214, aux.acc_seg: 71.8231, loss: 0.4117 2022-03-01 05:03:35,348 - mmseg - INFO - Iter [23500/160000] lr: 1.706e-05, eta: 13:38:17, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2865, decode.acc_seg: 70.4494, aux.loss_ce: 0.1195, aux.acc_seg: 70.2880, loss: 0.4060 2022-03-01 05:03:53,117 - mmseg - INFO - Iter [23550/160000] lr: 1.706e-05, eta: 13:37:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2858, decode.acc_seg: 72.1331, aux.loss_ce: 0.1201, aux.acc_seg: 71.8572, loss: 0.4059 2022-03-01 05:04:10,872 - mmseg - INFO - Iter [23600/160000] lr: 1.705e-05, eta: 13:37:38, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2812, decode.acc_seg: 73.3761, aux.loss_ce: 0.1167, aux.acc_seg: 73.1880, loss: 0.3979 2022-03-01 05:04:28,697 - mmseg - INFO - Iter [23650/160000] lr: 1.704e-05, eta: 13:37:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2841, decode.acc_seg: 72.9718, aux.loss_ce: 0.1180, aux.acc_seg: 72.6691, loss: 0.4021 2022-03-01 05:04:46,262 - mmseg - INFO - Iter [23700/160000] lr: 1.704e-05, eta: 13:36:59, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2770, decode.acc_seg: 71.8823, aux.loss_ce: 0.1154, aux.acc_seg: 71.6257, loss: 0.3924 2022-03-01 05:05:03,974 - mmseg - INFO - Iter [23750/160000] lr: 1.703e-05, eta: 13:36:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2698, decode.acc_seg: 72.4974, aux.loss_ce: 0.1129, aux.acc_seg: 72.1762, loss: 0.3827 2022-03-01 05:05:21,697 - mmseg - INFO - Iter [23800/160000] lr: 1.703e-05, eta: 13:36:20, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2704, decode.acc_seg: 71.3202, aux.loss_ce: 0.1124, aux.acc_seg: 71.1410, loss: 0.3828 2022-03-01 05:05:39,494 - mmseg - INFO - Iter [23850/160000] lr: 1.702e-05, eta: 13:36:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2787, decode.acc_seg: 72.9971, aux.loss_ce: 0.1175, aux.acc_seg: 72.6376, loss: 0.3962 2022-03-01 05:05:57,165 - mmseg - INFO - Iter [23900/160000] lr: 1.701e-05, eta: 13:35:41, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2747, decode.acc_seg: 71.7245, aux.loss_ce: 0.1155, aux.acc_seg: 71.3660, loss: 0.3903 2022-03-01 05:06:15,207 - mmseg - INFO - Iter [23950/160000] lr: 1.701e-05, eta: 13:35:24, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2757, decode.acc_seg: 71.7138, aux.loss_ce: 0.1157, aux.acc_seg: 71.4824, loss: 0.3914 2022-03-01 05:06:35,365 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:06:35,365 - mmseg - INFO - Iter [24000/160000] lr: 1.700e-05, eta: 13:35:18, time: 0.403, data_time: 0.050, memory: 49013, decode.loss_ce: 0.2833, decode.acc_seg: 71.8920, aux.loss_ce: 0.1176, aux.acc_seg: 71.7131, loss: 0.4009 2022-03-01 05:06:53,041 - mmseg - INFO - Iter [24050/160000] lr: 1.699e-05, eta: 13:34:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2591, decode.acc_seg: 72.4236, aux.loss_ce: 0.1095, aux.acc_seg: 72.0493, loss: 0.3686 2022-03-01 05:07:10,662 - mmseg - INFO - Iter [24100/160000] lr: 1.699e-05, eta: 13:34:38, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2626, decode.acc_seg: 72.0074, aux.loss_ce: 0.1100, aux.acc_seg: 71.7622, loss: 0.3726 2022-03-01 05:07:28,458 - mmseg - INFO - Iter [24150/160000] lr: 1.698e-05, eta: 13:34:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2619, decode.acc_seg: 72.2579, aux.loss_ce: 0.1107, aux.acc_seg: 71.9419, loss: 0.3725 2022-03-01 05:07:46,196 - mmseg - INFO - Iter [24200/160000] lr: 1.698e-05, eta: 13:34:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2684, decode.acc_seg: 72.3767, aux.loss_ce: 0.1148, aux.acc_seg: 71.9687, loss: 0.3833 2022-03-01 05:08:03,877 - mmseg - INFO - Iter [24250/160000] lr: 1.697e-05, eta: 13:33:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2644, decode.acc_seg: 73.3149, aux.loss_ce: 0.1128, aux.acc_seg: 72.9011, loss: 0.3771 2022-03-01 05:08:21,676 - mmseg - INFO - Iter [24300/160000] lr: 1.696e-05, eta: 13:33:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2850, decode.acc_seg: 71.7903, aux.loss_ce: 0.1196, aux.acc_seg: 71.4136, loss: 0.4046 2022-03-01 05:08:39,320 - mmseg - INFO - Iter [24350/160000] lr: 1.696e-05, eta: 13:33:01, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2653, decode.acc_seg: 72.0152, aux.loss_ce: 0.1113, aux.acc_seg: 71.7065, loss: 0.3766 2022-03-01 05:08:56,964 - mmseg - INFO - Iter [24400/160000] lr: 1.695e-05, eta: 13:32:41, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2668, decode.acc_seg: 73.5618, aux.loss_ce: 0.1109, aux.acc_seg: 73.3105, loss: 0.3778 2022-03-01 05:09:14,670 - mmseg - INFO - Iter [24450/160000] lr: 1.694e-05, eta: 13:32:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2862, decode.acc_seg: 71.2927, aux.loss_ce: 0.1200, aux.acc_seg: 70.9012, loss: 0.4061 2022-03-01 05:09:32,404 - mmseg - INFO - Iter [24500/160000] lr: 1.694e-05, eta: 13:32:03, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2604, decode.acc_seg: 72.0793, aux.loss_ce: 0.1094, aux.acc_seg: 71.8285, loss: 0.3698 2022-03-01 05:09:50,335 - mmseg - INFO - Iter [24550/160000] lr: 1.693e-05, eta: 13:31:44, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2787, decode.acc_seg: 71.7257, aux.loss_ce: 0.1151, aux.acc_seg: 71.5879, loss: 0.3938 2022-03-01 05:10:07,997 - mmseg - INFO - Iter [24600/160000] lr: 1.693e-05, eta: 13:31:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2739, decode.acc_seg: 71.9716, aux.loss_ce: 0.1145, aux.acc_seg: 71.7632, loss: 0.3884 2022-03-01 05:10:25,976 - mmseg - INFO - Iter [24650/160000] lr: 1.692e-05, eta: 13:31:06, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2809, decode.acc_seg: 72.8110, aux.loss_ce: 0.1177, aux.acc_seg: 72.4984, loss: 0.3986 2022-03-01 05:10:43,630 - mmseg - INFO - Iter [24700/160000] lr: 1.691e-05, eta: 13:30:47, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2643, decode.acc_seg: 71.3974, aux.loss_ce: 0.1118, aux.acc_seg: 71.1573, loss: 0.3761 2022-03-01 05:11:01,409 - mmseg - INFO - Iter [24750/160000] lr: 1.691e-05, eta: 13:30:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2823, decode.acc_seg: 71.6940, aux.loss_ce: 0.1182, aux.acc_seg: 71.3378, loss: 0.4006 2022-03-01 05:11:19,114 - mmseg - INFO - Iter [24800/160000] lr: 1.690e-05, eta: 13:30:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2664, decode.acc_seg: 71.6214, aux.loss_ce: 0.1125, aux.acc_seg: 71.3183, loss: 0.3788 2022-03-01 05:11:36,939 - mmseg - INFO - Iter [24850/160000] lr: 1.689e-05, eta: 13:29:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2976, decode.acc_seg: 71.3641, aux.loss_ce: 0.1248, aux.acc_seg: 71.1065, loss: 0.4224 2022-03-01 05:11:54,708 - mmseg - INFO - Iter [24900/160000] lr: 1.689e-05, eta: 13:29:30, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2912, decode.acc_seg: 72.2105, aux.loss_ce: 0.1217, aux.acc_seg: 71.9262, loss: 0.4129 2022-03-01 05:12:12,493 - mmseg - INFO - Iter [24950/160000] lr: 1.688e-05, eta: 13:29:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2776, decode.acc_seg: 72.4867, aux.loss_ce: 0.1158, aux.acc_seg: 72.1879, loss: 0.3934 2022-03-01 05:12:30,349 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:12:30,349 - mmseg - INFO - Iter [25000/160000] lr: 1.688e-05, eta: 13:28:53, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2806, decode.acc_seg: 73.1434, aux.loss_ce: 0.1177, aux.acc_seg: 72.8177, loss: 0.3983 2022-03-01 05:12:48,009 - mmseg - INFO - Iter [25050/160000] lr: 1.687e-05, eta: 13:28:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2772, decode.acc_seg: 71.5566, aux.loss_ce: 0.1155, aux.acc_seg: 71.3446, loss: 0.3927 2022-03-01 05:13:05,689 - mmseg - INFO - Iter [25100/160000] lr: 1.686e-05, eta: 13:28:14, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2667, decode.acc_seg: 72.8548, aux.loss_ce: 0.1124, aux.acc_seg: 72.5100, loss: 0.3791 2022-03-01 05:13:23,599 - mmseg - INFO - Iter [25150/160000] lr: 1.686e-05, eta: 13:27:55, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2873, decode.acc_seg: 71.6245, aux.loss_ce: 0.1201, aux.acc_seg: 71.3991, loss: 0.4074 2022-03-01 05:13:41,397 - mmseg - INFO - Iter [25200/160000] lr: 1.685e-05, eta: 13:27:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2726, decode.acc_seg: 71.6702, aux.loss_ce: 0.1129, aux.acc_seg: 71.4792, loss: 0.3855 2022-03-01 05:13:59,284 - mmseg - INFO - Iter [25250/160000] lr: 1.684e-05, eta: 13:27:18, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2912, decode.acc_seg: 72.7347, aux.loss_ce: 0.1216, aux.acc_seg: 72.6070, loss: 0.4128 2022-03-01 05:14:19,288 - mmseg - INFO - Iter [25300/160000] lr: 1.684e-05, eta: 13:27:11, time: 0.400, data_time: 0.050, memory: 49013, decode.loss_ce: 0.2793, decode.acc_seg: 71.7915, aux.loss_ce: 0.1176, aux.acc_seg: 71.5099, loss: 0.3969 2022-03-01 05:14:37,085 - mmseg - INFO - Iter [25350/160000] lr: 1.683e-05, eta: 13:26:52, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2577, decode.acc_seg: 73.1052, aux.loss_ce: 0.1095, aux.acc_seg: 72.8332, loss: 0.3671 2022-03-01 05:14:54,791 - mmseg - INFO - Iter [25400/160000] lr: 1.683e-05, eta: 13:26:32, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2477, decode.acc_seg: 70.1441, aux.loss_ce: 0.1048, aux.acc_seg: 69.8439, loss: 0.3525 2022-03-01 05:15:12,441 - mmseg - INFO - Iter [25450/160000] lr: 1.682e-05, eta: 13:26:13, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2630, decode.acc_seg: 74.1413, aux.loss_ce: 0.1098, aux.acc_seg: 73.8225, loss: 0.3729 2022-03-01 05:15:30,062 - mmseg - INFO - Iter [25500/160000] lr: 1.681e-05, eta: 13:25:53, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2575, decode.acc_seg: 71.7939, aux.loss_ce: 0.1081, aux.acc_seg: 71.5368, loss: 0.3656 2022-03-01 05:15:47,786 - mmseg - INFO - Iter [25550/160000] lr: 1.681e-05, eta: 13:25:33, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2718, decode.acc_seg: 71.8937, aux.loss_ce: 0.1130, aux.acc_seg: 71.6324, loss: 0.3847 2022-03-01 05:16:05,478 - mmseg - INFO - Iter [25600/160000] lr: 1.680e-05, eta: 13:25:14, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2816, decode.acc_seg: 71.9741, aux.loss_ce: 0.1198, aux.acc_seg: 71.4874, loss: 0.4013 2022-03-01 05:16:23,372 - mmseg - INFO - Iter [25650/160000] lr: 1.679e-05, eta: 13:24:56, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2762, decode.acc_seg: 71.8679, aux.loss_ce: 0.1165, aux.acc_seg: 71.5360, loss: 0.3928 2022-03-01 05:16:41,270 - mmseg - INFO - Iter [25700/160000] lr: 1.679e-05, eta: 13:24:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2642, decode.acc_seg: 73.3085, aux.loss_ce: 0.1122, aux.acc_seg: 72.9794, loss: 0.3764 2022-03-01 05:16:59,068 - mmseg - INFO - Iter [25750/160000] lr: 1.678e-05, eta: 13:24:18, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2705, decode.acc_seg: 72.5302, aux.loss_ce: 0.1140, aux.acc_seg: 72.2902, loss: 0.3845 2022-03-01 05:17:16,739 - mmseg - INFO - Iter [25800/160000] lr: 1.678e-05, eta: 13:23:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2658, decode.acc_seg: 71.5635, aux.loss_ce: 0.1111, aux.acc_seg: 71.3219, loss: 0.3769 2022-03-01 05:17:34,800 - mmseg - INFO - Iter [25850/160000] lr: 1.677e-05, eta: 13:23:41, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2669, decode.acc_seg: 72.9812, aux.loss_ce: 0.1122, aux.acc_seg: 72.6775, loss: 0.3791 2022-03-01 05:17:52,619 - mmseg - INFO - Iter [25900/160000] lr: 1.676e-05, eta: 13:23:23, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2525, decode.acc_seg: 71.3842, aux.loss_ce: 0.1071, aux.acc_seg: 71.0341, loss: 0.3597 2022-03-01 05:18:10,429 - mmseg - INFO - Iter [25950/160000] lr: 1.676e-05, eta: 13:23:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2646, decode.acc_seg: 72.5156, aux.loss_ce: 0.1132, aux.acc_seg: 72.0573, loss: 0.3777 2022-03-01 05:18:28,428 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:18:28,428 - mmseg - INFO - Iter [26000/160000] lr: 1.675e-05, eta: 13:22:46, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2644, decode.acc_seg: 72.7172, aux.loss_ce: 0.1115, aux.acc_seg: 72.4064, loss: 0.3759 2022-03-01 05:18:46,068 - mmseg - INFO - Iter [26050/160000] lr: 1.674e-05, eta: 13:22:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2619, decode.acc_seg: 71.3099, aux.loss_ce: 0.1102, aux.acc_seg: 70.9586, loss: 0.3721 2022-03-01 05:19:03,973 - mmseg - INFO - Iter [26100/160000] lr: 1.674e-05, eta: 13:22:08, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2658, decode.acc_seg: 71.7384, aux.loss_ce: 0.1107, aux.acc_seg: 71.5814, loss: 0.3765 2022-03-01 05:19:21,905 - mmseg - INFO - Iter [26150/160000] lr: 1.673e-05, eta: 13:21:50, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2760, decode.acc_seg: 71.4490, aux.loss_ce: 0.1144, aux.acc_seg: 71.3958, loss: 0.3904 2022-03-01 05:19:39,588 - mmseg - INFO - Iter [26200/160000] lr: 1.673e-05, eta: 13:21:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2805, decode.acc_seg: 71.9294, aux.loss_ce: 0.1168, aux.acc_seg: 71.7856, loss: 0.3973 2022-03-01 05:19:57,425 - mmseg - INFO - Iter [26250/160000] lr: 1.672e-05, eta: 13:21:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2638, decode.acc_seg: 72.0396, aux.loss_ce: 0.1106, aux.acc_seg: 71.7695, loss: 0.3744 2022-03-01 05:20:15,592 - mmseg - INFO - Iter [26300/160000] lr: 1.671e-05, eta: 13:20:55, time: 0.364, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2585, decode.acc_seg: 73.2752, aux.loss_ce: 0.1093, aux.acc_seg: 72.9739, loss: 0.3678 2022-03-01 05:20:33,384 - mmseg - INFO - Iter [26350/160000] lr: 1.671e-05, eta: 13:20:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2621, decode.acc_seg: 72.1556, aux.loss_ce: 0.1096, aux.acc_seg: 71.8442, loss: 0.3717 2022-03-01 05:20:51,040 - mmseg - INFO - Iter [26400/160000] lr: 1.670e-05, eta: 13:20:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2595, decode.acc_seg: 72.9125, aux.loss_ce: 0.1093, aux.acc_seg: 72.6214, loss: 0.3688 2022-03-01 05:21:09,024 - mmseg - INFO - Iter [26450/160000] lr: 1.669e-05, eta: 13:19:58, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2750, decode.acc_seg: 72.0148, aux.loss_ce: 0.1166, aux.acc_seg: 71.6378, loss: 0.3915 2022-03-01 05:21:26,763 - mmseg - INFO - Iter [26500/160000] lr: 1.669e-05, eta: 13:19:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2576, decode.acc_seg: 72.5704, aux.loss_ce: 0.1080, aux.acc_seg: 72.3336, loss: 0.3656 2022-03-01 05:21:46,849 - mmseg - INFO - Iter [26550/160000] lr: 1.668e-05, eta: 13:19:32, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2589, decode.acc_seg: 73.1348, aux.loss_ce: 0.1087, aux.acc_seg: 72.9278, loss: 0.3676 2022-03-01 05:22:04,598 - mmseg - INFO - Iter [26600/160000] lr: 1.668e-05, eta: 13:19:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2784, decode.acc_seg: 71.8096, aux.loss_ce: 0.1161, aux.acc_seg: 71.5362, loss: 0.3945 2022-03-01 05:22:22,362 - mmseg - INFO - Iter [26650/160000] lr: 1.667e-05, eta: 13:18:54, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2500, decode.acc_seg: 71.3711, aux.loss_ce: 0.1054, aux.acc_seg: 71.0383, loss: 0.3554 2022-03-01 05:22:40,074 - mmseg - INFO - Iter [26700/160000] lr: 1.666e-05, eta: 13:18:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2786, decode.acc_seg: 72.4512, aux.loss_ce: 0.1178, aux.acc_seg: 72.1535, loss: 0.3964 2022-03-01 05:22:57,958 - mmseg - INFO - Iter [26750/160000] lr: 1.666e-05, eta: 13:18:16, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2603, decode.acc_seg: 73.7754, aux.loss_ce: 0.1096, aux.acc_seg: 73.5403, loss: 0.3699 2022-03-01 05:23:15,648 - mmseg - INFO - Iter [26800/160000] lr: 1.665e-05, eta: 13:17:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2463, decode.acc_seg: 73.5548, aux.loss_ce: 0.1046, aux.acc_seg: 73.2048, loss: 0.3510 2022-03-01 05:23:33,383 - mmseg - INFO - Iter [26850/160000] lr: 1.664e-05, eta: 13:17:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2504, decode.acc_seg: 72.0994, aux.loss_ce: 0.1043, aux.acc_seg: 71.8572, loss: 0.3547 2022-03-01 05:23:51,413 - mmseg - INFO - Iter [26900/160000] lr: 1.664e-05, eta: 13:17:20, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2604, decode.acc_seg: 73.0439, aux.loss_ce: 0.1104, aux.acc_seg: 72.7030, loss: 0.3708 2022-03-01 05:24:09,235 - mmseg - INFO - Iter [26950/160000] lr: 1.663e-05, eta: 13:17:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2623, decode.acc_seg: 72.6143, aux.loss_ce: 0.1097, aux.acc_seg: 72.3665, loss: 0.3720 2022-03-01 05:24:27,076 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:24:27,077 - mmseg - INFO - Iter [27000/160000] lr: 1.663e-05, eta: 13:16:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2655, decode.acc_seg: 71.7204, aux.loss_ce: 0.1119, aux.acc_seg: 71.4590, loss: 0.3774 2022-03-01 05:24:44,829 - mmseg - INFO - Iter [27050/160000] lr: 1.662e-05, eta: 13:16:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2555, decode.acc_seg: 72.7746, aux.loss_ce: 0.1073, aux.acc_seg: 72.5550, loss: 0.3628 2022-03-01 05:25:02,751 - mmseg - INFO - Iter [27100/160000] lr: 1.661e-05, eta: 13:16:05, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2576, decode.acc_seg: 73.0255, aux.loss_ce: 0.1081, aux.acc_seg: 72.6821, loss: 0.3658 2022-03-01 05:25:20,377 - mmseg - INFO - Iter [27150/160000] lr: 1.661e-05, eta: 13:15:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2623, decode.acc_seg: 71.3744, aux.loss_ce: 0.1125, aux.acc_seg: 70.8401, loss: 0.3749 2022-03-01 05:25:38,117 - mmseg - INFO - Iter [27200/160000] lr: 1.660e-05, eta: 13:15:26, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2543, decode.acc_seg: 72.4257, aux.loss_ce: 0.1076, aux.acc_seg: 72.0903, loss: 0.3619 2022-03-01 05:25:55,711 - mmseg - INFO - Iter [27250/160000] lr: 1.659e-05, eta: 13:15:07, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2523, decode.acc_seg: 71.8392, aux.loss_ce: 0.1067, aux.acc_seg: 71.4734, loss: 0.3591 2022-03-01 05:26:13,399 - mmseg - INFO - Iter [27300/160000] lr: 1.659e-05, eta: 13:14:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2538, decode.acc_seg: 72.3378, aux.loss_ce: 0.1070, aux.acc_seg: 72.0532, loss: 0.3607 2022-03-01 05:26:31,171 - mmseg - INFO - Iter [27350/160000] lr: 1.658e-05, eta: 13:14:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2626, decode.acc_seg: 72.0226, aux.loss_ce: 0.1101, aux.acc_seg: 71.6907, loss: 0.3726 2022-03-01 05:26:48,932 - mmseg - INFO - Iter [27400/160000] lr: 1.658e-05, eta: 13:14:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2729, decode.acc_seg: 73.0288, aux.loss_ce: 0.1152, aux.acc_seg: 72.6783, loss: 0.3881 2022-03-01 05:27:06,563 - mmseg - INFO - Iter [27450/160000] lr: 1.657e-05, eta: 13:13:50, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2884, decode.acc_seg: 72.6029, aux.loss_ce: 0.1193, aux.acc_seg: 72.4457, loss: 0.4076 2022-03-01 05:27:24,272 - mmseg - INFO - Iter [27500/160000] lr: 1.656e-05, eta: 13:13:31, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2754, decode.acc_seg: 71.5885, aux.loss_ce: 0.1148, aux.acc_seg: 71.4803, loss: 0.3901 2022-03-01 05:27:42,176 - mmseg - INFO - Iter [27550/160000] lr: 1.656e-05, eta: 13:13:12, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2609, decode.acc_seg: 70.9341, aux.loss_ce: 0.1093, aux.acc_seg: 70.6364, loss: 0.3702 2022-03-01 05:28:00,044 - mmseg - INFO - Iter [27600/160000] lr: 1.655e-05, eta: 13:12:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2800, decode.acc_seg: 73.0347, aux.loss_ce: 0.1166, aux.acc_seg: 72.9308, loss: 0.3967 2022-03-01 05:28:17,912 - mmseg - INFO - Iter [27650/160000] lr: 1.654e-05, eta: 13:12:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2557, decode.acc_seg: 71.8445, aux.loss_ce: 0.1059, aux.acc_seg: 71.7171, loss: 0.3617 2022-03-01 05:28:35,663 - mmseg - INFO - Iter [27700/160000] lr: 1.654e-05, eta: 13:12:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2507, decode.acc_seg: 72.7416, aux.loss_ce: 0.1054, aux.acc_seg: 72.5338, loss: 0.3561 2022-03-01 05:28:53,491 - mmseg - INFO - Iter [27750/160000] lr: 1.653e-05, eta: 13:11:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2538, decode.acc_seg: 73.0753, aux.loss_ce: 0.1079, aux.acc_seg: 72.6703, loss: 0.3618 2022-03-01 05:29:13,661 - mmseg - INFO - Iter [27800/160000] lr: 1.653e-05, eta: 13:11:50, time: 0.403, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2445, decode.acc_seg: 73.0818, aux.loss_ce: 0.1025, aux.acc_seg: 72.8368, loss: 0.3470 2022-03-01 05:29:31,591 - mmseg - INFO - Iter [27850/160000] lr: 1.652e-05, eta: 13:11:32, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2482, decode.acc_seg: 74.1878, aux.loss_ce: 0.1050, aux.acc_seg: 73.9034, loss: 0.3532 2022-03-01 05:29:49,435 - mmseg - INFO - Iter [27900/160000] lr: 1.651e-05, eta: 13:11:14, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2538, decode.acc_seg: 71.1996, aux.loss_ce: 0.1080, aux.acc_seg: 70.8031, loss: 0.3618 2022-03-01 05:30:07,178 - mmseg - INFO - Iter [27950/160000] lr: 1.651e-05, eta: 13:10:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2484, decode.acc_seg: 72.2590, aux.loss_ce: 0.1048, aux.acc_seg: 71.7914, loss: 0.3532 2022-03-01 05:30:24,869 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:30:24,870 - mmseg - INFO - Iter [28000/160000] lr: 1.650e-05, eta: 13:10:35, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2471, decode.acc_seg: 73.1976, aux.loss_ce: 0.1047, aux.acc_seg: 72.9569, loss: 0.3517 2022-03-01 05:30:42,609 - mmseg - INFO - Iter [28050/160000] lr: 1.649e-05, eta: 13:10:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2496, decode.acc_seg: 73.2839, aux.loss_ce: 0.1062, aux.acc_seg: 72.9266, loss: 0.3558 2022-03-01 05:31:00,322 - mmseg - INFO - Iter [28100/160000] lr: 1.649e-05, eta: 13:09:57, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2465, decode.acc_seg: 72.5525, aux.loss_ce: 0.1040, aux.acc_seg: 72.1849, loss: 0.3505 2022-03-01 05:31:17,979 - mmseg - INFO - Iter [28150/160000] lr: 1.648e-05, eta: 13:09:38, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2443, decode.acc_seg: 73.1904, aux.loss_ce: 0.1034, aux.acc_seg: 72.8553, loss: 0.3478 2022-03-01 05:31:35,643 - mmseg - INFO - Iter [28200/160000] lr: 1.648e-05, eta: 13:09:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2489, decode.acc_seg: 72.6758, aux.loss_ce: 0.1056, aux.acc_seg: 72.2730, loss: 0.3545 2022-03-01 05:31:53,381 - mmseg - INFO - Iter [28250/160000] lr: 1.647e-05, eta: 13:08:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2441, decode.acc_seg: 71.8786, aux.loss_ce: 0.1032, aux.acc_seg: 71.4255, loss: 0.3473 2022-03-01 05:32:11,227 - mmseg - INFO - Iter [28300/160000] lr: 1.646e-05, eta: 13:08:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2657, decode.acc_seg: 71.1121, aux.loss_ce: 0.1127, aux.acc_seg: 70.8204, loss: 0.3784 2022-03-01 05:32:29,165 - mmseg - INFO - Iter [28350/160000] lr: 1.646e-05, eta: 13:08:23, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2640, decode.acc_seg: 72.0712, aux.loss_ce: 0.1108, aux.acc_seg: 71.8492, loss: 0.3748 2022-03-01 05:32:46,800 - mmseg - INFO - Iter [28400/160000] lr: 1.645e-05, eta: 13:08:03, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2615, decode.acc_seg: 71.8044, aux.loss_ce: 0.1092, aux.acc_seg: 71.5906, loss: 0.3707 2022-03-01 05:33:04,744 - mmseg - INFO - Iter [28450/160000] lr: 1.644e-05, eta: 13:07:45, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2595, decode.acc_seg: 70.9587, aux.loss_ce: 0.1095, aux.acc_seg: 70.7258, loss: 0.3690 2022-03-01 05:33:22,791 - mmseg - INFO - Iter [28500/160000] lr: 1.644e-05, eta: 13:07:27, time: 0.362, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2572, decode.acc_seg: 72.3871, aux.loss_ce: 0.1090, aux.acc_seg: 71.9943, loss: 0.3662 2022-03-01 05:33:40,468 - mmseg - INFO - Iter [28550/160000] lr: 1.643e-05, eta: 13:07:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2609, decode.acc_seg: 72.7791, aux.loss_ce: 0.1104, aux.acc_seg: 72.4018, loss: 0.3713 2022-03-01 05:33:58,237 - mmseg - INFO - Iter [28600/160000] lr: 1.643e-05, eta: 13:06:49, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2631, decode.acc_seg: 72.7035, aux.loss_ce: 0.1113, aux.acc_seg: 72.3673, loss: 0.3744 2022-03-01 05:34:15,921 - mmseg - INFO - Iter [28650/160000] lr: 1.642e-05, eta: 13:06:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2585, decode.acc_seg: 73.3324, aux.loss_ce: 0.1087, aux.acc_seg: 72.9757, loss: 0.3672 2022-03-01 05:34:33,783 - mmseg - INFO - Iter [28700/160000] lr: 1.641e-05, eta: 13:06:12, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2615, decode.acc_seg: 72.5200, aux.loss_ce: 0.1105, aux.acc_seg: 72.1481, loss: 0.3720 2022-03-01 05:34:51,539 - mmseg - INFO - Iter [28750/160000] lr: 1.641e-05, eta: 13:05:53, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2507, decode.acc_seg: 72.8718, aux.loss_ce: 0.1071, aux.acc_seg: 72.4595, loss: 0.3578 2022-03-01 05:35:09,328 - mmseg - INFO - Iter [28800/160000] lr: 1.640e-05, eta: 13:05:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2557, decode.acc_seg: 72.2530, aux.loss_ce: 0.1084, aux.acc_seg: 71.9190, loss: 0.3641 2022-03-01 05:35:27,242 - mmseg - INFO - Iter [28850/160000] lr: 1.639e-05, eta: 13:05:16, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2604, decode.acc_seg: 71.2446, aux.loss_ce: 0.1087, aux.acc_seg: 70.8995, loss: 0.3691 2022-03-01 05:35:44,956 - mmseg - INFO - Iter [28900/160000] lr: 1.639e-05, eta: 13:04:57, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2505, decode.acc_seg: 73.2223, aux.loss_ce: 0.1062, aux.acc_seg: 72.9446, loss: 0.3567 2022-03-01 05:36:02,743 - mmseg - INFO - Iter [28950/160000] lr: 1.638e-05, eta: 13:04:38, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2688, decode.acc_seg: 72.1685, aux.loss_ce: 0.1137, aux.acc_seg: 71.8584, loss: 0.3826 2022-03-01 05:36:20,436 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:36:20,436 - mmseg - INFO - Iter [29000/160000] lr: 1.638e-05, eta: 13:04:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2662, decode.acc_seg: 72.9417, aux.loss_ce: 0.1131, aux.acc_seg: 72.5852, loss: 0.3793 2022-03-01 05:36:40,489 - mmseg - INFO - Iter [29050/160000] lr: 1.637e-05, eta: 13:04:10, time: 0.401, data_time: 0.051, memory: 49013, decode.loss_ce: 0.2770, decode.acc_seg: 71.4644, aux.loss_ce: 0.1168, aux.acc_seg: 71.1189, loss: 0.3939 2022-03-01 05:36:58,275 - mmseg - INFO - Iter [29100/160000] lr: 1.636e-05, eta: 13:03:51, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2566, decode.acc_seg: 71.4359, aux.loss_ce: 0.1086, aux.acc_seg: 71.1204, loss: 0.3652 2022-03-01 05:37:15,982 - mmseg - INFO - Iter [29150/160000] lr: 1.636e-05, eta: 13:03:32, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2336, decode.acc_seg: 72.5043, aux.loss_ce: 0.0999, aux.acc_seg: 72.0266, loss: 0.3335 2022-03-01 05:37:33,729 - mmseg - INFO - Iter [29200/160000] lr: 1.635e-05, eta: 13:03:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2480, decode.acc_seg: 72.1012, aux.loss_ce: 0.1043, aux.acc_seg: 71.8673, loss: 0.3523 2022-03-01 05:37:51,494 - mmseg - INFO - Iter [29250/160000] lr: 1.634e-05, eta: 13:02:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2365, decode.acc_seg: 72.5831, aux.loss_ce: 0.0997, aux.acc_seg: 72.3205, loss: 0.3362 2022-03-01 05:38:09,196 - mmseg - INFO - Iter [29300/160000] lr: 1.634e-05, eta: 13:02:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2456, decode.acc_seg: 72.0063, aux.loss_ce: 0.1047, aux.acc_seg: 71.6668, loss: 0.3503 2022-03-01 05:38:26,974 - mmseg - INFO - Iter [29350/160000] lr: 1.633e-05, eta: 13:02:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2429, decode.acc_seg: 71.6296, aux.loss_ce: 0.1029, aux.acc_seg: 71.3707, loss: 0.3458 2022-03-01 05:38:44,905 - mmseg - INFO - Iter [29400/160000] lr: 1.633e-05, eta: 13:01:58, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2428, decode.acc_seg: 71.6648, aux.loss_ce: 0.1012, aux.acc_seg: 71.4060, loss: 0.3440 2022-03-01 05:39:02,543 - mmseg - INFO - Iter [29450/160000] lr: 1.632e-05, eta: 13:01:39, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2500, decode.acc_seg: 73.4054, aux.loss_ce: 0.1065, aux.acc_seg: 73.0329, loss: 0.3565 2022-03-01 05:39:20,307 - mmseg - INFO - Iter [29500/160000] lr: 1.631e-05, eta: 13:01:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2483, decode.acc_seg: 73.1322, aux.loss_ce: 0.1050, aux.acc_seg: 72.8506, loss: 0.3532 2022-03-01 05:39:38,124 - mmseg - INFO - Iter [29550/160000] lr: 1.631e-05, eta: 13:01:02, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2527, decode.acc_seg: 72.3813, aux.loss_ce: 0.1068, aux.acc_seg: 72.0255, loss: 0.3595 2022-03-01 05:39:55,802 - mmseg - INFO - Iter [29600/160000] lr: 1.630e-05, eta: 13:00:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2543, decode.acc_seg: 73.8680, aux.loss_ce: 0.1073, aux.acc_seg: 73.4987, loss: 0.3616 2022-03-01 05:40:13,746 - mmseg - INFO - Iter [29650/160000] lr: 1.629e-05, eta: 13:00:24, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2424, decode.acc_seg: 73.5705, aux.loss_ce: 0.1020, aux.acc_seg: 73.2728, loss: 0.3443 2022-03-01 05:40:31,270 - mmseg - INFO - Iter [29700/160000] lr: 1.629e-05, eta: 13:00:05, time: 0.350, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2473, decode.acc_seg: 71.8854, aux.loss_ce: 0.1029, aux.acc_seg: 71.6928, loss: 0.3502 2022-03-01 05:40:48,946 - mmseg - INFO - Iter [29750/160000] lr: 1.628e-05, eta: 12:59:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2449, decode.acc_seg: 72.6811, aux.loss_ce: 0.1046, aux.acc_seg: 72.3072, loss: 0.3495 2022-03-01 05:41:06,602 - mmseg - INFO - Iter [29800/160000] lr: 1.628e-05, eta: 12:59:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2460, decode.acc_seg: 73.3106, aux.loss_ce: 0.1041, aux.acc_seg: 72.8576, loss: 0.3502 2022-03-01 05:41:24,406 - mmseg - INFO - Iter [29850/160000] lr: 1.627e-05, eta: 12:59:07, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2497, decode.acc_seg: 73.6237, aux.loss_ce: 0.1058, aux.acc_seg: 73.2940, loss: 0.3555 2022-03-01 05:41:42,026 - mmseg - INFO - Iter [29900/160000] lr: 1.626e-05, eta: 12:58:48, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2438, decode.acc_seg: 72.6803, aux.loss_ce: 0.1035, aux.acc_seg: 72.2755, loss: 0.3473 2022-03-01 05:41:59,774 - mmseg - INFO - Iter [29950/160000] lr: 1.626e-05, eta: 12:58:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2445, decode.acc_seg: 73.7752, aux.loss_ce: 0.1039, aux.acc_seg: 73.4640, loss: 0.3484 2022-03-01 05:42:17,525 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:42:17,525 - mmseg - INFO - Iter [30000/160000] lr: 1.625e-05, eta: 12:58:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2451, decode.acc_seg: 72.6270, aux.loss_ce: 0.1035, aux.acc_seg: 72.2967, loss: 0.3486 2022-03-01 05:42:35,493 - mmseg - INFO - Iter [30050/160000] lr: 1.624e-05, eta: 12:57:52, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2432, decode.acc_seg: 71.8737, aux.loss_ce: 0.1028, aux.acc_seg: 71.4736, loss: 0.3459 2022-03-01 05:42:53,223 - mmseg - INFO - Iter [30100/160000] lr: 1.624e-05, eta: 12:57:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2347, decode.acc_seg: 73.0849, aux.loss_ce: 0.0991, aux.acc_seg: 72.8058, loss: 0.3337 2022-03-01 05:43:10,971 - mmseg - INFO - Iter [30150/160000] lr: 1.623e-05, eta: 12:57:14, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2515, decode.acc_seg: 72.6769, aux.loss_ce: 0.1064, aux.acc_seg: 72.3337, loss: 0.3579 2022-03-01 05:43:29,110 - mmseg - INFO - Iter [30200/160000] lr: 1.623e-05, eta: 12:56:57, time: 0.363, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2626, decode.acc_seg: 73.3426, aux.loss_ce: 0.1095, aux.acc_seg: 73.0130, loss: 0.3721 2022-03-01 05:43:46,759 - mmseg - INFO - Iter [30250/160000] lr: 1.622e-05, eta: 12:56:38, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2567, decode.acc_seg: 71.3272, aux.loss_ce: 0.1073, aux.acc_seg: 71.0368, loss: 0.3640 2022-03-01 05:44:04,543 - mmseg - INFO - Iter [30300/160000] lr: 1.621e-05, eta: 12:56:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2526, decode.acc_seg: 73.6565, aux.loss_ce: 0.1061, aux.acc_seg: 73.3585, loss: 0.3587 2022-03-01 05:44:24,528 - mmseg - INFO - Iter [30350/160000] lr: 1.621e-05, eta: 12:56:10, time: 0.400, data_time: 0.050, memory: 49013, decode.loss_ce: 0.2604, decode.acc_seg: 73.4443, aux.loss_ce: 0.1103, aux.acc_seg: 73.0973, loss: 0.3707 2022-03-01 05:44:42,208 - mmseg - INFO - Iter [30400/160000] lr: 1.620e-05, eta: 12:55:51, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2395, decode.acc_seg: 73.2155, aux.loss_ce: 0.1009, aux.acc_seg: 72.8857, loss: 0.3403 2022-03-01 05:44:59,855 - mmseg - INFO - Iter [30450/160000] lr: 1.619e-05, eta: 12:55:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2507, decode.acc_seg: 73.0830, aux.loss_ce: 0.1055, aux.acc_seg: 72.7477, loss: 0.3563 2022-03-01 05:45:17,639 - mmseg - INFO - Iter [30500/160000] lr: 1.619e-05, eta: 12:55:13, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2360, decode.acc_seg: 73.0621, aux.loss_ce: 0.1009, aux.acc_seg: 72.7256, loss: 0.3369 2022-03-01 05:45:35,338 - mmseg - INFO - Iter [30550/160000] lr: 1.618e-05, eta: 12:54:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2340, decode.acc_seg: 72.6168, aux.loss_ce: 0.0995, aux.acc_seg: 72.2611, loss: 0.3335 2022-03-01 05:45:53,069 - mmseg - INFO - Iter [30600/160000] lr: 1.618e-05, eta: 12:54:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2322, decode.acc_seg: 73.1874, aux.loss_ce: 0.0986, aux.acc_seg: 72.8318, loss: 0.3308 2022-03-01 05:46:10,923 - mmseg - INFO - Iter [30650/160000] lr: 1.617e-05, eta: 12:54:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2423, decode.acc_seg: 73.1185, aux.loss_ce: 0.1029, aux.acc_seg: 72.7572, loss: 0.3452 2022-03-01 05:46:28,605 - mmseg - INFO - Iter [30700/160000] lr: 1.616e-05, eta: 12:53:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2277, decode.acc_seg: 74.2562, aux.loss_ce: 0.0960, aux.acc_seg: 73.9538, loss: 0.3237 2022-03-01 05:46:46,472 - mmseg - INFO - Iter [30750/160000] lr: 1.616e-05, eta: 12:53:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2495, decode.acc_seg: 72.7310, aux.loss_ce: 0.1032, aux.acc_seg: 72.5195, loss: 0.3527 2022-03-01 05:47:04,160 - mmseg - INFO - Iter [30800/160000] lr: 1.615e-05, eta: 12:53:20, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2432, decode.acc_seg: 73.6974, aux.loss_ce: 0.1019, aux.acc_seg: 73.5354, loss: 0.3451 2022-03-01 05:47:21,978 - mmseg - INFO - Iter [30850/160000] lr: 1.614e-05, eta: 12:53:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2272, decode.acc_seg: 73.0134, aux.loss_ce: 0.0974, aux.acc_seg: 72.6080, loss: 0.3246 2022-03-01 05:47:39,697 - mmseg - INFO - Iter [30900/160000] lr: 1.614e-05, eta: 12:52:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2515, decode.acc_seg: 73.2447, aux.loss_ce: 0.1049, aux.acc_seg: 72.9998, loss: 0.3564 2022-03-01 05:47:57,828 - mmseg - INFO - Iter [30950/160000] lr: 1.613e-05, eta: 12:52:25, time: 0.363, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2517, decode.acc_seg: 73.2221, aux.loss_ce: 0.1055, aux.acc_seg: 72.9594, loss: 0.3571 2022-03-01 05:48:16,274 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:48:16,274 - mmseg - INFO - Iter [31000/160000] lr: 1.613e-05, eta: 12:52:09, time: 0.370, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2317, decode.acc_seg: 72.9599, aux.loss_ce: 0.0971, aux.acc_seg: 72.7340, loss: 0.3288 2022-03-01 05:48:33,931 - mmseg - INFO - Iter [31050/160000] lr: 1.612e-05, eta: 12:51:50, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2472, decode.acc_seg: 74.3585, aux.loss_ce: 0.1044, aux.acc_seg: 74.0060, loss: 0.3516 2022-03-01 05:48:51,689 - mmseg - INFO - Iter [31100/160000] lr: 1.611e-05, eta: 12:51:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2572, decode.acc_seg: 73.2229, aux.loss_ce: 0.1078, aux.acc_seg: 72.9182, loss: 0.3650 2022-03-01 05:49:09,445 - mmseg - INFO - Iter [31150/160000] lr: 1.611e-05, eta: 12:51:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2423, decode.acc_seg: 71.6781, aux.loss_ce: 0.1017, aux.acc_seg: 71.4100, loss: 0.3440 2022-03-01 05:49:27,284 - mmseg - INFO - Iter [31200/160000] lr: 1.610e-05, eta: 12:50:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2449, decode.acc_seg: 72.5598, aux.loss_ce: 0.1038, aux.acc_seg: 72.2568, loss: 0.3488 2022-03-01 05:49:44,978 - mmseg - INFO - Iter [31250/160000] lr: 1.609e-05, eta: 12:50:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2479, decode.acc_seg: 72.8243, aux.loss_ce: 0.1057, aux.acc_seg: 72.4652, loss: 0.3536 2022-03-01 05:50:02,870 - mmseg - INFO - Iter [31300/160000] lr: 1.609e-05, eta: 12:50:17, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2385, decode.acc_seg: 73.1376, aux.loss_ce: 0.1010, aux.acc_seg: 72.8458, loss: 0.3396 2022-03-01 05:50:20,654 - mmseg - INFO - Iter [31350/160000] lr: 1.608e-05, eta: 12:49:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2384, decode.acc_seg: 73.0666, aux.loss_ce: 0.1012, aux.acc_seg: 72.6821, loss: 0.3396 2022-03-01 05:50:38,204 - mmseg - INFO - Iter [31400/160000] lr: 1.608e-05, eta: 12:49:39, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2668, decode.acc_seg: 71.9089, aux.loss_ce: 0.1119, aux.acc_seg: 71.5823, loss: 0.3787 2022-03-01 05:50:55,824 - mmseg - INFO - Iter [31450/160000] lr: 1.607e-05, eta: 12:49:19, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2515, decode.acc_seg: 73.2545, aux.loss_ce: 0.1059, aux.acc_seg: 72.9856, loss: 0.3574 2022-03-01 05:51:13,501 - mmseg - INFO - Iter [31500/160000] lr: 1.606e-05, eta: 12:49:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2521, decode.acc_seg: 72.9958, aux.loss_ce: 0.1069, aux.acc_seg: 72.6232, loss: 0.3589 2022-03-01 05:51:31,748 - mmseg - INFO - Iter [31550/160000] lr: 1.606e-05, eta: 12:48:43, time: 0.365, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2448, decode.acc_seg: 70.9793, aux.loss_ce: 0.1020, aux.acc_seg: 70.7572, loss: 0.3469 2022-03-01 05:51:51,720 - mmseg - INFO - Iter [31600/160000] lr: 1.605e-05, eta: 12:48:34, time: 0.399, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2466, decode.acc_seg: 72.3088, aux.loss_ce: 0.1043, aux.acc_seg: 72.0023, loss: 0.3509 2022-03-01 05:52:09,363 - mmseg - INFO - Iter [31650/160000] lr: 1.604e-05, eta: 12:48:14, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2427, decode.acc_seg: 73.4150, aux.loss_ce: 0.1026, aux.acc_seg: 73.0347, loss: 0.3453 2022-03-01 05:52:27,229 - mmseg - INFO - Iter [31700/160000] lr: 1.604e-05, eta: 12:47:56, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2523, decode.acc_seg: 73.9854, aux.loss_ce: 0.1062, aux.acc_seg: 73.6936, loss: 0.3585 2022-03-01 05:52:45,163 - mmseg - INFO - Iter [31750/160000] lr: 1.603e-05, eta: 12:47:38, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2424, decode.acc_seg: 73.1535, aux.loss_ce: 0.1017, aux.acc_seg: 72.8325, loss: 0.3441 2022-03-01 05:53:02,885 - mmseg - INFO - Iter [31800/160000] lr: 1.603e-05, eta: 12:47:19, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2458, decode.acc_seg: 72.8119, aux.loss_ce: 0.1033, aux.acc_seg: 72.4250, loss: 0.3491 2022-03-01 05:53:20,706 - mmseg - INFO - Iter [31850/160000] lr: 1.602e-05, eta: 12:47:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2480, decode.acc_seg: 73.4920, aux.loss_ce: 0.1050, aux.acc_seg: 73.0933, loss: 0.3530 2022-03-01 05:53:38,465 - mmseg - INFO - Iter [31900/160000] lr: 1.601e-05, eta: 12:46:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2396, decode.acc_seg: 73.0498, aux.loss_ce: 0.1018, aux.acc_seg: 72.7111, loss: 0.3414 2022-03-01 05:53:56,091 - mmseg - INFO - Iter [31950/160000] lr: 1.601e-05, eta: 12:46:23, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2365, decode.acc_seg: 73.6614, aux.loss_ce: 0.1006, aux.acc_seg: 73.3116, loss: 0.3371 2022-03-01 05:54:14,007 - mmseg - INFO - Saving checkpoint at 32000 iterations 2022-03-01 05:54:21,855 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:54:21,855 - mmseg - INFO - Iter [32000/160000] lr: 1.600e-05, eta: 12:46:36, time: 0.515, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2310, decode.acc_seg: 72.1089, aux.loss_ce: 0.0994, aux.acc_seg: 71.7717, loss: 0.3305 2022-03-01 05:54:50,761 - mmseg - INFO - per class results: 2022-03-01 05:54:50,767 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.05 | 86.68 | | building | 83.6 | 92.81 | | sky | 94.51 | 97.85 | | floor | 81.07 | 90.01 | | tree | 74.69 | 87.18 | | ceiling | 84.63 | 93.9 | | road | 84.52 | 89.62 | | bed | 90.68 | 96.88 | | windowpane | 64.37 | 79.02 | | grass | 67.66 | 77.7 | | cabinet | 59.13 | 73.4 | | sidewalk | 68.49 | 82.72 | | person | 81.81 | 92.38 | | earth | 38.72 | 56.73 | | door | 50.6 | 69.31 | | table | 63.98 | 77.56 | | mountain | 56.56 | 70.37 | | plant | 49.1 | 59.8 | | curtain | 77.04 | 88.38 | | chair | 60.45 | 72.46 | | car | 85.0 | 94.05 | | water | 56.87 | 74.96 | | painting | 73.68 | 88.79 | | sofa | 71.12 | 88.83 | | shelf | 46.18 | 73.41 | | house | 47.98 | 70.38 | | sea | 58.44 | 71.53 | | mirror | 66.74 | 73.55 | | rug | 61.09 | 72.9 | | field | 29.5 | 53.09 | | armchair | 47.55 | 62.76 | | seat | 63.05 | 85.26 | | fence | 49.66 | 66.94 | | desk | 53.94 | 73.05 | | rock | 44.73 | 70.67 | | wardrobe | 45.32 | 69.25 | | lamp | 62.91 | 80.08 | | bathtub | 81.0 | 84.43 | | railing | 39.93 | 58.24 | | cushion | 61.79 | 72.12 | | base | 34.8 | 42.98 | | box | 26.93 | 41.36 | | column | 49.35 | 64.49 | | signboard | 37.92 | 54.45 | | chest of drawers | 43.21 | 61.8 | | counter | 31.73 | 42.06 | | sand | 49.9 | 78.52 | | sink | 73.01 | 84.36 | | skyscraper | 51.08 | 59.77 | | fireplace | 72.93 | 92.21 | | refrigerator | 72.54 | 78.95 | | grandstand | 49.83 | 77.12 | | path | 27.25 | 41.18 | | stairs | 25.87 | 33.22 | | runway | 67.31 | 91.56 | | case | 66.55 | 78.27 | | pool table | 92.51 | 96.68 | | pillow | 58.64 | 69.84 | | screen door | 73.41 | 77.93 | | stairway | 37.72 | 52.14 | | river | 12.12 | 29.36 | | bridge | 63.3 | 72.34 | | bookcase | 33.15 | 54.99 | | blind | 47.57 | 54.81 | | coffee table | 64.47 | 77.03 | | toilet | 86.81 | 92.19 | | flower | 35.66 | 47.43 | | book | 48.63 | 69.8 | | hill | 11.73 | 19.63 | | bench | 44.48 | 52.68 | | countertop | 61.63 | 70.33 | | stove | 72.74 | 82.93 | | palm | 56.12 | 76.87 | | kitchen island | 34.9 | 62.76 | | computer | 75.4 | 92.68 | | swivel chair | 46.62 | 67.61 | | boat | 56.03 | 66.01 | | bar | 42.02 | 47.88 | | arcade machine | 56.16 | 62.17 | | hovel | 30.05 | 32.17 | | bus | 89.39 | 96.3 | | towel | 67.76 | 81.8 | | light | 53.1 | 71.94 | | truck | 29.63 | 35.27 | | tower | 6.16 | 8.09 | | chandelier | 67.5 | 83.73 | | awning | 33.41 | 47.75 | | streetlight | 26.19 | 32.06 | | booth | 41.72 | 50.99 | | television receiver | 75.28 | 84.61 | | airplane | 73.97 | 79.74 | | dirt track | 2.91 | 7.14 | | apparel | 42.0 | 49.72 | | pole | 21.24 | 27.94 | | land | 3.35 | 4.51 | | bannister | 12.49 | 18.07 | | escalator | 49.65 | 65.79 | | ottoman | 46.39 | 58.63 | | bottle | 36.9 | 59.67 | | buffet | 27.85 | 29.56 | | poster | 27.04 | 40.95 | | stage | 18.49 | 31.6 | | van | 41.2 | 49.91 | | ship | 6.99 | 8.83 | | fountain | 23.97 | 25.48 | | conveyer belt | 83.7 | 91.31 | | canopy | 54.7 | 68.93 | | washer | 85.98 | 88.75 | | plaything | 23.79 | 46.08 | | swimming pool | 74.75 | 76.66 | | stool | 43.75 | 62.23 | | barrel | 49.03 | 65.09 | | basket | 39.94 | 50.19 | | waterfall | 78.34 | 88.62 | | tent | 79.91 | 98.89 | | bag | 18.08 | 21.75 | | minibike | 71.82 | 81.91 | | cradle | 76.93 | 98.0 | | oven | 43.2 | 50.22 | | ball | 45.91 | 69.02 | | food | 62.05 | 77.94 | | step | 8.03 | 9.79 | | tank | 57.05 | 67.69 | | trade name | 26.97 | 30.23 | | microwave | 85.75 | 92.22 | | pot | 46.58 | 53.63 | | animal | 53.6 | 54.33 | | bicycle | 53.44 | 73.75 | | lake | 63.02 | 63.37 | | dishwasher | 57.03 | 66.41 | | screen | 55.1 | 75.46 | | blanket | 12.97 | 14.06 | | sculpture | 72.93 | 81.55 | | hood | 60.42 | 69.6 | | sconce | 40.33 | 47.55 | | vase | 35.74 | 46.54 | | traffic light | 28.98 | 55.41 | | tray | 14.26 | 18.89 | | ashcan | 44.21 | 60.44 | | fan | 57.38 | 83.87 | | pier | 33.25 | 45.46 | | crt screen | 0.6 | 0.81 | | plate | 53.2 | 65.44 | | monitor | 58.99 | 78.07 | | bulletin board | 45.41 | 54.91 | | shower | 5.29 | 7.09 | | radiator | 63.14 | 74.48 | | glass | 17.12 | 18.37 | | clock | 38.35 | 44.21 | | flag | 68.65 | 75.52 | +---------------------+-------+-------+ 2022-03-01 05:54:50,767 - mmseg - INFO - Summary: 2022-03-01 05:54:50,768 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.63 | 51.28 | 63.23 | +-------+-------+-------+ 2022-03-01 05:54:50,774 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 05:54:50,774 - mmseg - INFO - Iter(val) [250] aAcc: 0.8363, mIoU: 0.5128, mAcc: 0.6323, IoU.wall: 0.7805, IoU.building: 0.8360, IoU.sky: 0.9451, IoU.floor: 0.8107, IoU.tree: 0.7469, IoU.ceiling: 0.8463, IoU.road: 0.8452, IoU.bed : 0.9068, IoU.windowpane: 0.6437, IoU.grass: 0.6766, IoU.cabinet: 0.5913, IoU.sidewalk: 0.6849, IoU.person: 0.8181, IoU.earth: 0.3872, IoU.door: 0.5060, IoU.table: 0.6398, IoU.mountain: 0.5656, IoU.plant: 0.4910, IoU.curtain: 0.7704, IoU.chair: 0.6045, IoU.car: 0.8500, IoU.water: 0.5687, IoU.painting: 0.7368, IoU.sofa: 0.7112, IoU.shelf: 0.4618, IoU.house: 0.4798, IoU.sea: 0.5844, IoU.mirror: 0.6674, IoU.rug: 0.6109, IoU.field: 0.2950, IoU.armchair: 0.4755, IoU.seat: 0.6305, IoU.fence: 0.4966, IoU.desk: 0.5394, IoU.rock: 0.4473, IoU.wardrobe: 0.4532, IoU.lamp: 0.6291, IoU.bathtub: 0.8100, IoU.railing: 0.3993, IoU.cushion: 0.6179, IoU.base: 0.3480, IoU.box: 0.2693, IoU.column: 0.4935, IoU.signboard: 0.3792, IoU.chest of drawers: 0.4321, IoU.counter: 0.3173, IoU.sand: 0.4990, IoU.sink: 0.7301, IoU.skyscraper: 0.5108, IoU.fireplace: 0.7293, IoU.refrigerator: 0.7254, IoU.grandstand: 0.4983, IoU.path: 0.2725, IoU.stairs: 0.2587, IoU.runway: 0.6731, IoU.case: 0.6655, IoU.pool table: 0.9251, IoU.pillow: 0.5864, IoU.screen door: 0.7341, IoU.stairway: 0.3772, IoU.river: 0.1212, IoU.bridge: 0.6330, IoU.bookcase: 0.3315, IoU.blind: 0.4757, IoU.coffee table: 0.6447, IoU.toilet: 0.8681, IoU.flower: 0.3566, IoU.book: 0.4863, IoU.hill: 0.1173, IoU.bench: 0.4448, IoU.countertop: 0.6163, IoU.stove: 0.7274, IoU.palm: 0.5612, IoU.kitchen island: 0.3490, IoU.computer: 0.7540, IoU.swivel chair: 0.4662, IoU.boat: 0.5603, IoU.bar: 0.4202, IoU.arcade machine: 0.5616, IoU.hovel: 0.3005, IoU.bus: 0.8939, IoU.towel: 0.6776, IoU.light: 0.5310, IoU.truck: 0.2963, IoU.tower: 0.0616, IoU.chandelier: 0.6750, IoU.awning: 0.3341, IoU.streetlight: 0.2619, IoU.booth: 0.4172, IoU.television receiver: 0.7528, IoU.airplane: 0.7397, IoU.dirt track: 0.0291, IoU.apparel: 0.4200, IoU.pole: 0.2124, IoU.land: 0.0335, IoU.bannister: 0.1249, IoU.escalator: 0.4965, IoU.ottoman: 0.4639, IoU.bottle: 0.3690, IoU.buffet: 0.2785, IoU.poster: 0.2704, IoU.stage: 0.1849, IoU.van: 0.4120, IoU.ship: 0.0699, IoU.fountain: 0.2397, IoU.conveyer belt: 0.8370, IoU.canopy: 0.5470, IoU.washer: 0.8598, IoU.plaything: 0.2379, IoU.swimming pool: 0.7475, IoU.stool: 0.4375, IoU.barrel: 0.4903, IoU.basket: 0.3994, IoU.waterfall: 0.7834, IoU.tent: 0.7991, IoU.bag: 0.1808, IoU.minibike: 0.7182, IoU.cradle: 0.7693, IoU.oven: 0.4320, IoU.ball: 0.4591, IoU.food: 0.6205, IoU.step: 0.0803, IoU.tank: 0.5705, IoU.trade name: 0.2697, IoU.microwave: 0.8575, IoU.pot: 0.4658, IoU.animal: 0.5360, IoU.bicycle: 0.5344, IoU.lake: 0.6302, IoU.dishwasher: 0.5703, IoU.screen: 0.5510, IoU.blanket: 0.1297, IoU.sculpture: 0.7293, IoU.hood: 0.6042, IoU.sconce: 0.4033, IoU.vase: 0.3574, IoU.traffic light: 0.2898, IoU.tray: 0.1426, IoU.ashcan: 0.4421, IoU.fan: 0.5738, IoU.pier: 0.3325, IoU.crt screen: 0.0060, IoU.plate: 0.5320, IoU.monitor: 0.5899, IoU.bulletin board: 0.4541, IoU.shower: 0.0529, IoU.radiator: 0.6314, IoU.glass: 0.1712, IoU.clock: 0.3835, IoU.flag: 0.6865, Acc.wall: 0.8668, Acc.building: 0.9281, Acc.sky: 0.9785, Acc.floor: 0.9001, Acc.tree: 0.8718, Acc.ceiling: 0.9390, Acc.road: 0.8962, Acc.bed : 0.9688, Acc.windowpane: 0.7902, Acc.grass: 0.7770, Acc.cabinet: 0.7340, Acc.sidewalk: 0.8272, Acc.person: 0.9238, Acc.earth: 0.5673, Acc.door: 0.6931, Acc.table: 0.7756, Acc.mountain: 0.7037, Acc.plant: 0.5980, Acc.curtain: 0.8838, Acc.chair: 0.7246, Acc.car: 0.9405, Acc.water: 0.7496, Acc.painting: 0.8879, Acc.sofa: 0.8883, Acc.shelf: 0.7341, Acc.house: 0.7038, Acc.sea: 0.7153, Acc.mirror: 0.7355, Acc.rug: 0.7290, Acc.field: 0.5309, Acc.armchair: 0.6276, Acc.seat: 0.8526, Acc.fence: 0.6694, Acc.desk: 0.7305, Acc.rock: 0.7067, Acc.wardrobe: 0.6925, Acc.lamp: 0.8008, Acc.bathtub: 0.8443, Acc.railing: 0.5824, Acc.cushion: 0.7212, Acc.base: 0.4298, Acc.box: 0.4136, Acc.column: 0.6449, Acc.signboard: 0.5445, Acc.chest of drawers: 0.6180, Acc.counter: 0.4206, Acc.sand: 0.7852, Acc.sink: 0.8436, Acc.skyscraper: 0.5977, Acc.fireplace: 0.9221, Acc.refrigerator: 0.7895, Acc.grandstand: 0.7712, Acc.path: 0.4118, Acc.stairs: 0.3322, Acc.runway: 0.9156, Acc.case: 0.7827, Acc.pool table: 0.9668, Acc.pillow: 0.6984, Acc.screen door: 0.7793, Acc.stairway: 0.5214, Acc.river: 0.2936, Acc.bridge: 0.7234, Acc.bookcase: 0.5499, Acc.blind: 0.5481, Acc.coffee table: 0.7703, Acc.toilet: 0.9219, Acc.flower: 0.4743, Acc.book: 0.6980, Acc.hill: 0.1963, Acc.bench: 0.5268, Acc.countertop: 0.7033, Acc.stove: 0.8293, Acc.palm: 0.7687, Acc.kitchen island: 0.6276, Acc.computer: 0.9268, Acc.swivel chair: 0.6761, Acc.boat: 0.6601, Acc.bar: 0.4788, Acc.arcade machine: 0.6217, Acc.hovel: 0.3217, Acc.bus: 0.9630, Acc.towel: 0.8180, Acc.light: 0.7194, Acc.truck: 0.3527, Acc.tower: 0.0809, Acc.chandelier: 0.8373, Acc.awning: 0.4775, Acc.streetlight: 0.3206, Acc.booth: 0.5099, Acc.television receiver: 0.8461, Acc.airplane: 0.7974, Acc.dirt track: 0.0714, Acc.apparel: 0.4972, Acc.pole: 0.2794, Acc.land: 0.0451, Acc.bannister: 0.1807, Acc.escalator: 0.6579, Acc.ottoman: 0.5863, Acc.bottle: 0.5967, Acc.buffet: 0.2956, Acc.poster: 0.4095, Acc.stage: 0.3160, Acc.van: 0.4991, Acc.ship: 0.0883, Acc.fountain: 0.2548, Acc.conveyer belt: 0.9131, Acc.canopy: 0.6893, Acc.washer: 0.8875, Acc.plaything: 0.4608, Acc.swimming pool: 0.7666, Acc.stool: 0.6223, Acc.barrel: 0.6509, Acc.basket: 0.5019, Acc.waterfall: 0.8862, Acc.tent: 0.9889, Acc.bag: 0.2175, Acc.minibike: 0.8191, Acc.cradle: 0.9800, Acc.oven: 0.5022, Acc.ball: 0.6902, Acc.food: 0.7794, Acc.step: 0.0979, Acc.tank: 0.6769, Acc.trade name: 0.3023, Acc.microwave: 0.9222, Acc.pot: 0.5363, Acc.animal: 0.5433, Acc.bicycle: 0.7375, Acc.lake: 0.6337, Acc.dishwasher: 0.6641, Acc.screen: 0.7546, Acc.blanket: 0.1406, Acc.sculpture: 0.8155, Acc.hood: 0.6960, Acc.sconce: 0.4755, Acc.vase: 0.4654, Acc.traffic light: 0.5541, Acc.tray: 0.1889, Acc.ashcan: 0.6044, Acc.fan: 0.8387, Acc.pier: 0.4546, Acc.crt screen: 0.0081, Acc.plate: 0.6544, Acc.monitor: 0.7807, Acc.bulletin board: 0.5491, Acc.shower: 0.0709, Acc.radiator: 0.7448, Acc.glass: 0.1837, Acc.clock: 0.4421, Acc.flag: 0.7552 2022-03-01 05:55:08,507 - mmseg - INFO - Iter [32050/160000] lr: 1.599e-05, eta: 12:48:12, time: 0.933, data_time: 0.583, memory: 49013, decode.loss_ce: 0.2299, decode.acc_seg: 72.7360, aux.loss_ce: 0.0984, aux.acc_seg: 72.3143, loss: 0.3283 2022-03-01 05:55:26,169 - mmseg - INFO - Iter [32100/160000] lr: 1.599e-05, eta: 12:47:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2434, decode.acc_seg: 73.3758, aux.loss_ce: 0.1023, aux.acc_seg: 73.1228, loss: 0.3457 2022-03-01 05:55:43,859 - mmseg - INFO - Iter [32150/160000] lr: 1.598e-05, eta: 12:47:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2287, decode.acc_seg: 73.0196, aux.loss_ce: 0.0971, aux.acc_seg: 72.6786, loss: 0.3258 2022-03-01 05:56:01,479 - mmseg - INFO - Iter [32200/160000] lr: 1.598e-05, eta: 12:47:14, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2251, decode.acc_seg: 73.1857, aux.loss_ce: 0.0962, aux.acc_seg: 72.7955, loss: 0.3213 2022-03-01 05:56:19,153 - mmseg - INFO - Iter [32250/160000] lr: 1.597e-05, eta: 12:46:55, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2346, decode.acc_seg: 73.3747, aux.loss_ce: 0.1003, aux.acc_seg: 73.0104, loss: 0.3349 2022-03-01 05:56:37,084 - mmseg - INFO - Iter [32300/160000] lr: 1.596e-05, eta: 12:46:36, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2236, decode.acc_seg: 75.1707, aux.loss_ce: 0.0958, aux.acc_seg: 74.7301, loss: 0.3193 2022-03-01 05:56:55,121 - mmseg - INFO - Iter [32350/160000] lr: 1.596e-05, eta: 12:46:19, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2479, decode.acc_seg: 72.4525, aux.loss_ce: 0.1050, aux.acc_seg: 72.0734, loss: 0.3529 2022-03-01 05:57:12,940 - mmseg - INFO - Iter [32400/160000] lr: 1.595e-05, eta: 12:46:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2317, decode.acc_seg: 72.7603, aux.loss_ce: 0.0981, aux.acc_seg: 72.4113, loss: 0.3298 2022-03-01 05:57:30,609 - mmseg - INFO - Iter [32450/160000] lr: 1.594e-05, eta: 12:45:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2353, decode.acc_seg: 72.9017, aux.loss_ce: 0.0993, aux.acc_seg: 72.5778, loss: 0.3346 2022-03-01 05:57:48,336 - mmseg - INFO - Iter [32500/160000] lr: 1.594e-05, eta: 12:45:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2557, decode.acc_seg: 72.9445, aux.loss_ce: 0.1069, aux.acc_seg: 72.7039, loss: 0.3626 2022-03-01 05:58:06,071 - mmseg - INFO - Iter [32550/160000] lr: 1.593e-05, eta: 12:45:02, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2480, decode.acc_seg: 73.3178, aux.loss_ce: 0.1049, aux.acc_seg: 73.0263, loss: 0.3529 2022-03-01 05:58:23,921 - mmseg - INFO - Iter [32600/160000] lr: 1.593e-05, eta: 12:44:44, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2389, decode.acc_seg: 73.6400, aux.loss_ce: 0.1008, aux.acc_seg: 73.3547, loss: 0.3397 2022-03-01 05:58:41,585 - mmseg - INFO - Iter [32650/160000] lr: 1.592e-05, eta: 12:44:24, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2400, decode.acc_seg: 72.0415, aux.loss_ce: 0.1014, aux.acc_seg: 71.7702, loss: 0.3414 2022-03-01 05:58:59,197 - mmseg - INFO - Iter [32700/160000] lr: 1.591e-05, eta: 12:44:05, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2543, decode.acc_seg: 72.9287, aux.loss_ce: 0.1078, aux.acc_seg: 72.6223, loss: 0.3621 2022-03-01 05:59:17,012 - mmseg - INFO - Iter [32750/160000] lr: 1.591e-05, eta: 12:43:46, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2511, decode.acc_seg: 72.6578, aux.loss_ce: 0.1034, aux.acc_seg: 72.5009, loss: 0.3545 2022-03-01 05:59:34,657 - mmseg - INFO - Iter [32800/160000] lr: 1.590e-05, eta: 12:43:27, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2222, decode.acc_seg: 72.8198, aux.loss_ce: 0.0948, aux.acc_seg: 72.4974, loss: 0.3170 2022-03-01 05:59:54,777 - mmseg - INFO - Iter [32850/160000] lr: 1.589e-05, eta: 12:43:17, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2298, decode.acc_seg: 73.7198, aux.loss_ce: 0.0984, aux.acc_seg: 73.3205, loss: 0.3281 2022-03-01 06:00:12,550 - mmseg - INFO - Iter [32900/160000] lr: 1.589e-05, eta: 12:42:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2206, decode.acc_seg: 73.3076, aux.loss_ce: 0.0933, aux.acc_seg: 73.0092, loss: 0.3140 2022-03-01 06:00:30,157 - mmseg - INFO - Iter [32950/160000] lr: 1.588e-05, eta: 12:42:38, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2290, decode.acc_seg: 72.8265, aux.loss_ce: 0.0989, aux.acc_seg: 72.4346, loss: 0.3279 2022-03-01 06:00:48,039 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:00:48,040 - mmseg - INFO - Iter [33000/160000] lr: 1.588e-05, eta: 12:42:20, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2159, decode.acc_seg: 72.7659, aux.loss_ce: 0.0910, aux.acc_seg: 72.4991, loss: 0.3069 2022-03-01 06:01:05,775 - mmseg - INFO - Iter [33050/160000] lr: 1.587e-05, eta: 12:42:01, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2363, decode.acc_seg: 74.2801, aux.loss_ce: 0.1005, aux.acc_seg: 73.9576, loss: 0.3368 2022-03-01 06:01:23,629 - mmseg - INFO - Iter [33100/160000] lr: 1.586e-05, eta: 12:41:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2434, decode.acc_seg: 74.0394, aux.loss_ce: 0.1023, aux.acc_seg: 73.7386, loss: 0.3457 2022-03-01 06:01:41,496 - mmseg - INFO - Iter [33150/160000] lr: 1.586e-05, eta: 12:41:24, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2466, decode.acc_seg: 72.6766, aux.loss_ce: 0.1043, aux.acc_seg: 72.4092, loss: 0.3508 2022-03-01 06:01:59,197 - mmseg - INFO - Iter [33200/160000] lr: 1.585e-05, eta: 12:41:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2187, decode.acc_seg: 72.9133, aux.loss_ce: 0.0934, aux.acc_seg: 72.5392, loss: 0.3121 2022-03-01 06:02:17,124 - mmseg - INFO - Iter [33250/160000] lr: 1.584e-05, eta: 12:40:46, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2185, decode.acc_seg: 72.4483, aux.loss_ce: 0.0926, aux.acc_seg: 72.1276, loss: 0.3111 2022-03-01 06:02:35,013 - mmseg - INFO - Iter [33300/160000] lr: 1.584e-05, eta: 12:40:28, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2226, decode.acc_seg: 73.3293, aux.loss_ce: 0.0954, aux.acc_seg: 72.9223, loss: 0.3180 2022-03-01 06:02:52,745 - mmseg - INFO - Iter [33350/160000] lr: 1.583e-05, eta: 12:40:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2169, decode.acc_seg: 73.2862, aux.loss_ce: 0.0916, aux.acc_seg: 73.0471, loss: 0.3084 2022-03-01 06:03:10,621 - mmseg - INFO - Iter [33400/160000] lr: 1.583e-05, eta: 12:39:50, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2249, decode.acc_seg: 73.6917, aux.loss_ce: 0.0955, aux.acc_seg: 73.3700, loss: 0.3205 2022-03-01 06:03:28,458 - mmseg - INFO - Iter [33450/160000] lr: 1.582e-05, eta: 12:39:31, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2373, decode.acc_seg: 73.2575, aux.loss_ce: 0.1013, aux.acc_seg: 72.9400, loss: 0.3385 2022-03-01 06:03:46,160 - mmseg - INFO - Iter [33500/160000] lr: 1.581e-05, eta: 12:39:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2327, decode.acc_seg: 72.1751, aux.loss_ce: 0.0986, aux.acc_seg: 71.8894, loss: 0.3313 2022-03-01 06:04:04,203 - mmseg - INFO - Iter [33550/160000] lr: 1.581e-05, eta: 12:38:54, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2388, decode.acc_seg: 74.3904, aux.loss_ce: 0.1017, aux.acc_seg: 73.9473, loss: 0.3405 2022-03-01 06:04:21,846 - mmseg - INFO - Iter [33600/160000] lr: 1.580e-05, eta: 12:38:35, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2271, decode.acc_seg: 72.9202, aux.loss_ce: 0.0960, aux.acc_seg: 72.6187, loss: 0.3230 2022-03-01 06:04:39,613 - mmseg - INFO - Iter [33650/160000] lr: 1.579e-05, eta: 12:38:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2508, decode.acc_seg: 73.4620, aux.loss_ce: 0.1049, aux.acc_seg: 73.1261, loss: 0.3557 2022-03-01 06:04:57,302 - mmseg - INFO - Iter [33700/160000] lr: 1.579e-05, eta: 12:37:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2430, decode.acc_seg: 73.6233, aux.loss_ce: 0.1040, aux.acc_seg: 73.2587, loss: 0.3470 2022-03-01 06:05:15,158 - mmseg - INFO - Iter [33750/160000] lr: 1.578e-05, eta: 12:37:38, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2500, decode.acc_seg: 72.8638, aux.loss_ce: 0.1053, aux.acc_seg: 72.6536, loss: 0.3553 2022-03-01 06:05:33,028 - mmseg - INFO - Iter [33800/160000] lr: 1.578e-05, eta: 12:37:20, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2265, decode.acc_seg: 71.5389, aux.loss_ce: 0.0954, aux.acc_seg: 71.2831, loss: 0.3218 2022-03-01 06:05:50,897 - mmseg - INFO - Iter [33850/160000] lr: 1.577e-05, eta: 12:37:01, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2509, decode.acc_seg: 73.7147, aux.loss_ce: 0.1050, aux.acc_seg: 73.4190, loss: 0.3559 2022-03-01 06:06:08,760 - mmseg - INFO - Iter [33900/160000] lr: 1.576e-05, eta: 12:36:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2324, decode.acc_seg: 71.9585, aux.loss_ce: 0.0992, aux.acc_seg: 71.6691, loss: 0.3316 2022-03-01 06:06:26,482 - mmseg - INFO - Iter [33950/160000] lr: 1.576e-05, eta: 12:36:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2236, decode.acc_seg: 73.6281, aux.loss_ce: 0.0951, aux.acc_seg: 73.3017, loss: 0.3187 2022-03-01 06:06:44,091 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:06:44,092 - mmseg - INFO - Iter [34000/160000] lr: 1.575e-05, eta: 12:36:04, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2532, decode.acc_seg: 73.7735, aux.loss_ce: 0.1078, aux.acc_seg: 73.3435, loss: 0.3610 2022-03-01 06:07:01,801 - mmseg - INFO - Iter [34050/160000] lr: 1.574e-05, eta: 12:35:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2514, decode.acc_seg: 73.1049, aux.loss_ce: 0.1051, aux.acc_seg: 72.8095, loss: 0.3565 2022-03-01 06:07:19,338 - mmseg - INFO - Iter [34100/160000] lr: 1.574e-05, eta: 12:35:26, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2236, decode.acc_seg: 71.8270, aux.loss_ce: 0.0946, aux.acc_seg: 71.5344, loss: 0.3181 2022-03-01 06:07:39,469 - mmseg - INFO - Iter [34150/160000] lr: 1.573e-05, eta: 12:35:15, time: 0.403, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2303, decode.acc_seg: 74.5237, aux.loss_ce: 0.0980, aux.acc_seg: 74.1433, loss: 0.3284 2022-03-01 06:07:57,322 - mmseg - INFO - Iter [34200/160000] lr: 1.573e-05, eta: 12:34:57, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2387, decode.acc_seg: 74.0754, aux.loss_ce: 0.1025, aux.acc_seg: 73.6996, loss: 0.3413 2022-03-01 06:08:15,019 - mmseg - INFO - Iter [34250/160000] lr: 1.572e-05, eta: 12:34:38, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2119, decode.acc_seg: 72.8744, aux.loss_ce: 0.0906, aux.acc_seg: 72.5093, loss: 0.3025 2022-03-01 06:08:32,873 - mmseg - INFO - Iter [34300/160000] lr: 1.571e-05, eta: 12:34:19, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2465, decode.acc_seg: 73.1598, aux.loss_ce: 0.1041, aux.acc_seg: 72.8420, loss: 0.3506 2022-03-01 06:08:50,580 - mmseg - INFO - Iter [34350/160000] lr: 1.571e-05, eta: 12:34:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2323, decode.acc_seg: 72.4360, aux.loss_ce: 0.0970, aux.acc_seg: 72.2354, loss: 0.3293 2022-03-01 06:09:08,472 - mmseg - INFO - Iter [34400/160000] lr: 1.570e-05, eta: 12:33:42, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2335, decode.acc_seg: 73.1400, aux.loss_ce: 0.0981, aux.acc_seg: 72.9049, loss: 0.3316 2022-03-01 06:09:26,213 - mmseg - INFO - Iter [34450/160000] lr: 1.569e-05, eta: 12:33:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2305, decode.acc_seg: 71.5532, aux.loss_ce: 0.0985, aux.acc_seg: 71.1862, loss: 0.3290 2022-03-01 06:09:43,926 - mmseg - INFO - Iter [34500/160000] lr: 1.569e-05, eta: 12:33:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2461, decode.acc_seg: 72.8103, aux.loss_ce: 0.1038, aux.acc_seg: 72.6105, loss: 0.3499 2022-03-01 06:10:01,653 - mmseg - INFO - Iter [34550/160000] lr: 1.568e-05, eta: 12:32:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2492, decode.acc_seg: 72.3488, aux.loss_ce: 0.1052, aux.acc_seg: 71.9948, loss: 0.3544 2022-03-01 06:10:19,554 - mmseg - INFO - Iter [34600/160000] lr: 1.568e-05, eta: 12:32:26, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2475, decode.acc_seg: 73.2820, aux.loss_ce: 0.1035, aux.acc_seg: 72.9912, loss: 0.3509 2022-03-01 06:10:37,362 - mmseg - INFO - Iter [34650/160000] lr: 1.567e-05, eta: 12:32:08, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2471, decode.acc_seg: 72.5594, aux.loss_ce: 0.1053, aux.acc_seg: 72.2086, loss: 0.3524 2022-03-01 06:10:55,273 - mmseg - INFO - Iter [34700/160000] lr: 1.566e-05, eta: 12:31:49, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2405, decode.acc_seg: 73.5562, aux.loss_ce: 0.1007, aux.acc_seg: 73.1645, loss: 0.3413 2022-03-01 06:11:13,010 - mmseg - INFO - Iter [34750/160000] lr: 1.566e-05, eta: 12:31:30, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2423, decode.acc_seg: 73.5559, aux.loss_ce: 0.1021, aux.acc_seg: 73.2395, loss: 0.3445 2022-03-01 06:11:30,666 - mmseg - INFO - Iter [34800/160000] lr: 1.565e-05, eta: 12:31:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2315, decode.acc_seg: 73.1310, aux.loss_ce: 0.0976, aux.acc_seg: 72.7796, loss: 0.3290 2022-03-01 06:11:48,572 - mmseg - INFO - Iter [34850/160000] lr: 1.564e-05, eta: 12:30:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2219, decode.acc_seg: 74.2030, aux.loss_ce: 0.0937, aux.acc_seg: 73.9207, loss: 0.3156 2022-03-01 06:12:06,303 - mmseg - INFO - Iter [34900/160000] lr: 1.564e-05, eta: 12:30:34, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2395, decode.acc_seg: 72.4220, aux.loss_ce: 0.1003, aux.acc_seg: 72.2191, loss: 0.3397 2022-03-01 06:12:24,098 - mmseg - INFO - Iter [34950/160000] lr: 1.563e-05, eta: 12:30:15, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2312, decode.acc_seg: 74.1270, aux.loss_ce: 0.0977, aux.acc_seg: 73.7737, loss: 0.3289 2022-03-01 06:12:41,951 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:12:41,951 - mmseg - INFO - Iter [35000/160000] lr: 1.563e-05, eta: 12:29:56, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2411, decode.acc_seg: 72.2449, aux.loss_ce: 0.1026, aux.acc_seg: 71.8551, loss: 0.3437 2022-03-01 06:12:59,646 - mmseg - INFO - Iter [35050/160000] lr: 1.562e-05, eta: 12:29:37, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2265, decode.acc_seg: 74.1565, aux.loss_ce: 0.0959, aux.acc_seg: 73.7648, loss: 0.3224 2022-03-01 06:13:17,296 - mmseg - INFO - Iter [35100/160000] lr: 1.561e-05, eta: 12:29:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2295, decode.acc_seg: 74.7321, aux.loss_ce: 0.0967, aux.acc_seg: 74.4173, loss: 0.3262 2022-03-01 06:13:34,966 - mmseg - INFO - Iter [35150/160000] lr: 1.561e-05, eta: 12:28:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2263, decode.acc_seg: 74.3344, aux.loss_ce: 0.0956, aux.acc_seg: 73.9346, loss: 0.3219 2022-03-01 06:13:52,687 - mmseg - INFO - Iter [35200/160000] lr: 1.560e-05, eta: 12:28:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2229, decode.acc_seg: 72.8647, aux.loss_ce: 0.0942, aux.acc_seg: 72.5056, loss: 0.3171 2022-03-01 06:14:10,460 - mmseg - INFO - Iter [35250/160000] lr: 1.559e-05, eta: 12:28:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2355, decode.acc_seg: 73.0227, aux.loss_ce: 0.1006, aux.acc_seg: 72.5214, loss: 0.3361 2022-03-01 06:14:28,247 - mmseg - INFO - Iter [35300/160000] lr: 1.559e-05, eta: 12:28:02, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2324, decode.acc_seg: 73.2326, aux.loss_ce: 0.0996, aux.acc_seg: 72.8960, loss: 0.3320 2022-03-01 06:14:46,086 - mmseg - INFO - Iter [35350/160000] lr: 1.558e-05, eta: 12:27:44, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2525, decode.acc_seg: 71.9852, aux.loss_ce: 0.1032, aux.acc_seg: 71.8096, loss: 0.3557 2022-03-01 06:15:06,182 - mmseg - INFO - Iter [35400/160000] lr: 1.558e-05, eta: 12:27:33, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2265, decode.acc_seg: 71.7131, aux.loss_ce: 0.0966, aux.acc_seg: 71.3803, loss: 0.3231 2022-03-01 06:15:24,092 - mmseg - INFO - Iter [35450/160000] lr: 1.557e-05, eta: 12:27:15, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2232, decode.acc_seg: 72.9779, aux.loss_ce: 0.0952, aux.acc_seg: 72.5916, loss: 0.3184 2022-03-01 06:15:41,754 - mmseg - INFO - Iter [35500/160000] lr: 1.556e-05, eta: 12:26:56, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2136, decode.acc_seg: 73.6942, aux.loss_ce: 0.0902, aux.acc_seg: 73.4315, loss: 0.3038 2022-03-01 06:15:59,578 - mmseg - INFO - Iter [35550/160000] lr: 1.556e-05, eta: 12:26:37, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2089, decode.acc_seg: 74.5675, aux.loss_ce: 0.0890, aux.acc_seg: 74.2247, loss: 0.2978 2022-03-01 06:16:17,277 - mmseg - INFO - Iter [35600/160000] lr: 1.555e-05, eta: 12:26:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2189, decode.acc_seg: 72.7344, aux.loss_ce: 0.0932, aux.acc_seg: 72.5076, loss: 0.3121 2022-03-01 06:16:34,974 - mmseg - INFO - Iter [35650/160000] lr: 1.554e-05, eta: 12:25:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2120, decode.acc_seg: 75.9492, aux.loss_ce: 0.0902, aux.acc_seg: 75.6591, loss: 0.3022 2022-03-01 06:16:52,627 - mmseg - INFO - Iter [35700/160000] lr: 1.554e-05, eta: 12:25:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2242, decode.acc_seg: 74.2104, aux.loss_ce: 0.0944, aux.acc_seg: 73.8719, loss: 0.3186 2022-03-01 06:17:10,514 - mmseg - INFO - Iter [35750/160000] lr: 1.553e-05, eta: 12:25:22, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2401, decode.acc_seg: 73.0604, aux.loss_ce: 0.1020, aux.acc_seg: 72.7700, loss: 0.3421 2022-03-01 06:17:28,307 - mmseg - INFO - Iter [35800/160000] lr: 1.553e-05, eta: 12:25:03, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2221, decode.acc_seg: 73.2787, aux.loss_ce: 0.0955, aux.acc_seg: 72.8912, loss: 0.3177 2022-03-01 06:17:46,065 - mmseg - INFO - Iter [35850/160000] lr: 1.552e-05, eta: 12:24:44, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2248, decode.acc_seg: 75.2872, aux.loss_ce: 0.0951, aux.acc_seg: 74.9969, loss: 0.3198 2022-03-01 06:18:03,920 - mmseg - INFO - Iter [35900/160000] lr: 1.551e-05, eta: 12:24:26, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2204, decode.acc_seg: 73.3925, aux.loss_ce: 0.0938, aux.acc_seg: 73.0275, loss: 0.3143 2022-03-01 06:18:21,891 - mmseg - INFO - Iter [35950/160000] lr: 1.551e-05, eta: 12:24:07, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2451, decode.acc_seg: 72.2829, aux.loss_ce: 0.1034, aux.acc_seg: 71.9257, loss: 0.3484 2022-03-01 06:18:39,790 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:18:39,791 - mmseg - INFO - Iter [36000/160000] lr: 1.550e-05, eta: 12:23:49, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2344, decode.acc_seg: 72.5310, aux.loss_ce: 0.0984, aux.acc_seg: 72.2323, loss: 0.3328 2022-03-01 06:18:57,655 - mmseg - INFO - Iter [36050/160000] lr: 1.549e-05, eta: 12:23:31, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2304, decode.acc_seg: 72.2786, aux.loss_ce: 0.0976, aux.acc_seg: 71.9725, loss: 0.3280 2022-03-01 06:19:15,348 - mmseg - INFO - Iter [36100/160000] lr: 1.549e-05, eta: 12:23:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2348, decode.acc_seg: 72.1630, aux.loss_ce: 0.0981, aux.acc_seg: 71.8686, loss: 0.3329 2022-03-01 06:19:33,228 - mmseg - INFO - Iter [36150/160000] lr: 1.548e-05, eta: 12:22:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2197, decode.acc_seg: 73.2655, aux.loss_ce: 0.0935, aux.acc_seg: 73.0089, loss: 0.3132 2022-03-01 06:19:51,072 - mmseg - INFO - Iter [36200/160000] lr: 1.548e-05, eta: 12:22:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2369, decode.acc_seg: 74.1567, aux.loss_ce: 0.1003, aux.acc_seg: 73.7001, loss: 0.3373 2022-03-01 06:20:08,790 - mmseg - INFO - Iter [36250/160000] lr: 1.547e-05, eta: 12:22:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2316, decode.acc_seg: 73.6030, aux.loss_ce: 0.0981, aux.acc_seg: 73.2952, loss: 0.3297 2022-03-01 06:20:26,500 - mmseg - INFO - Iter [36300/160000] lr: 1.546e-05, eta: 12:21:57, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2183, decode.acc_seg: 73.1406, aux.loss_ce: 0.0915, aux.acc_seg: 72.9246, loss: 0.3097 2022-03-01 06:20:44,281 - mmseg - INFO - Iter [36350/160000] lr: 1.546e-05, eta: 12:21:38, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2297, decode.acc_seg: 72.8065, aux.loss_ce: 0.0978, aux.acc_seg: 72.3611, loss: 0.3275 2022-03-01 06:21:01,998 - mmseg - INFO - Iter [36400/160000] lr: 1.545e-05, eta: 12:21:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2299, decode.acc_seg: 72.4858, aux.loss_ce: 0.0971, aux.acc_seg: 72.2154, loss: 0.3270 2022-03-01 06:21:19,720 - mmseg - INFO - Iter [36450/160000] lr: 1.544e-05, eta: 12:21:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2209, decode.acc_seg: 73.3402, aux.loss_ce: 0.0936, aux.acc_seg: 72.9660, loss: 0.3145 2022-03-01 06:21:37,425 - mmseg - INFO - Iter [36500/160000] lr: 1.544e-05, eta: 12:20:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2347, decode.acc_seg: 73.8063, aux.loss_ce: 0.1006, aux.acc_seg: 73.4194, loss: 0.3352 2022-03-01 06:21:55,141 - mmseg - INFO - Iter [36550/160000] lr: 1.543e-05, eta: 12:20:22, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2344, decode.acc_seg: 74.1632, aux.loss_ce: 0.0993, aux.acc_seg: 73.7930, loss: 0.3337 2022-03-01 06:22:13,064 - mmseg - INFO - Iter [36600/160000] lr: 1.543e-05, eta: 12:20:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2234, decode.acc_seg: 73.5407, aux.loss_ce: 0.0949, aux.acc_seg: 73.2135, loss: 0.3184 2022-03-01 06:22:33,086 - mmseg - INFO - Iter [36650/160000] lr: 1.542e-05, eta: 12:19:53, time: 0.401, data_time: 0.052, memory: 49013, decode.loss_ce: 0.2111, decode.acc_seg: 73.4659, aux.loss_ce: 0.0893, aux.acc_seg: 73.1443, loss: 0.3004 2022-03-01 06:22:51,015 - mmseg - INFO - Iter [36700/160000] lr: 1.541e-05, eta: 12:19:35, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2105, decode.acc_seg: 73.2395, aux.loss_ce: 0.0894, aux.acc_seg: 72.8998, loss: 0.3000 2022-03-01 06:23:08,774 - mmseg - INFO - Iter [36750/160000] lr: 1.541e-05, eta: 12:19:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2117, decode.acc_seg: 74.1813, aux.loss_ce: 0.0897, aux.acc_seg: 73.7909, loss: 0.3014 2022-03-01 06:23:26,475 - mmseg - INFO - Iter [36800/160000] lr: 1.540e-05, eta: 12:18:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2114, decode.acc_seg: 75.7207, aux.loss_ce: 0.0903, aux.acc_seg: 75.2666, loss: 0.3017 2022-03-01 06:23:44,110 - mmseg - INFO - Iter [36850/160000] lr: 1.539e-05, eta: 12:18:38, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2232, decode.acc_seg: 73.9188, aux.loss_ce: 0.0940, aux.acc_seg: 73.6693, loss: 0.3172 2022-03-01 06:24:02,023 - mmseg - INFO - Iter [36900/160000] lr: 1.539e-05, eta: 12:18:20, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2302, decode.acc_seg: 74.0989, aux.loss_ce: 0.0970, aux.acc_seg: 73.7873, loss: 0.3272 2022-03-01 06:24:19,818 - mmseg - INFO - Iter [36950/160000] lr: 1.538e-05, eta: 12:18:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2580, decode.acc_seg: 71.7670, aux.loss_ce: 0.1094, aux.acc_seg: 71.4208, loss: 0.3674 2022-03-01 06:24:37,491 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:24:37,492 - mmseg - INFO - Iter [37000/160000] lr: 1.538e-05, eta: 12:17:42, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2543, decode.acc_seg: 73.0545, aux.loss_ce: 0.1082, aux.acc_seg: 72.5457, loss: 0.3625 2022-03-01 06:24:55,244 - mmseg - INFO - Iter [37050/160000] lr: 1.537e-05, eta: 12:17:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2374, decode.acc_seg: 73.1792, aux.loss_ce: 0.0984, aux.acc_seg: 73.0639, loss: 0.3357 2022-03-01 06:25:13,063 - mmseg - INFO - Iter [37100/160000] lr: 1.536e-05, eta: 12:17:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2255, decode.acc_seg: 73.4129, aux.loss_ce: 0.0957, aux.acc_seg: 73.0820, loss: 0.3212 2022-03-01 06:25:30,870 - mmseg - INFO - Iter [37150/160000] lr: 1.536e-05, eta: 12:16:46, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2413, decode.acc_seg: 73.2632, aux.loss_ce: 0.1022, aux.acc_seg: 72.9256, loss: 0.3435 2022-03-01 06:25:49,083 - mmseg - INFO - Iter [37200/160000] lr: 1.535e-05, eta: 12:16:29, time: 0.364, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2267, decode.acc_seg: 72.9176, aux.loss_ce: 0.0973, aux.acc_seg: 72.5472, loss: 0.3240 2022-03-01 06:26:06,794 - mmseg - INFO - Iter [37250/160000] lr: 1.534e-05, eta: 12:16:10, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2282, decode.acc_seg: 73.1939, aux.loss_ce: 0.0964, aux.acc_seg: 72.8087, loss: 0.3246 2022-03-01 06:26:24,756 - mmseg - INFO - Iter [37300/160000] lr: 1.534e-05, eta: 12:15:52, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2222, decode.acc_seg: 72.5475, aux.loss_ce: 0.0942, aux.acc_seg: 72.2293, loss: 0.3164 2022-03-01 06:26:42,652 - mmseg - INFO - Iter [37350/160000] lr: 1.533e-05, eta: 12:15:33, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2106, decode.acc_seg: 73.5764, aux.loss_ce: 0.0905, aux.acc_seg: 73.2016, loss: 0.3011 2022-03-01 06:27:00,630 - mmseg - INFO - Iter [37400/160000] lr: 1.533e-05, eta: 12:15:15, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2187, decode.acc_seg: 73.6051, aux.loss_ce: 0.0937, aux.acc_seg: 73.1861, loss: 0.3124 2022-03-01 06:27:18,353 - mmseg - INFO - Iter [37450/160000] lr: 1.532e-05, eta: 12:14:56, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2209, decode.acc_seg: 73.2720, aux.loss_ce: 0.0951, aux.acc_seg: 72.8967, loss: 0.3160 2022-03-01 06:27:35,993 - mmseg - INFO - Iter [37500/160000] lr: 1.531e-05, eta: 12:14:37, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2180, decode.acc_seg: 73.4971, aux.loss_ce: 0.0931, aux.acc_seg: 73.1508, loss: 0.3111 2022-03-01 06:27:53,743 - mmseg - INFO - Iter [37550/160000] lr: 1.531e-05, eta: 12:14:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2110, decode.acc_seg: 74.4570, aux.loss_ce: 0.0906, aux.acc_seg: 74.1121, loss: 0.3016 2022-03-01 06:28:11,425 - mmseg - INFO - Iter [37600/160000] lr: 1.530e-05, eta: 12:13:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2082, decode.acc_seg: 72.2904, aux.loss_ce: 0.0885, aux.acc_seg: 71.9552, loss: 0.2967 2022-03-01 06:28:29,252 - mmseg - INFO - Iter [37650/160000] lr: 1.529e-05, eta: 12:13:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2165, decode.acc_seg: 73.3718, aux.loss_ce: 0.0919, aux.acc_seg: 73.1007, loss: 0.3084 2022-03-01 06:28:47,021 - mmseg - INFO - Iter [37700/160000] lr: 1.529e-05, eta: 12:13:22, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2169, decode.acc_seg: 74.3826, aux.loss_ce: 0.0932, aux.acc_seg: 73.9301, loss: 0.3101 2022-03-01 06:29:04,847 - mmseg - INFO - Iter [37750/160000] lr: 1.528e-05, eta: 12:13:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2147, decode.acc_seg: 72.9137, aux.loss_ce: 0.0918, aux.acc_seg: 72.5301, loss: 0.3064 2022-03-01 06:29:22,534 - mmseg - INFO - Iter [37800/160000] lr: 1.528e-05, eta: 12:12:45, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2110, decode.acc_seg: 73.7295, aux.loss_ce: 0.0892, aux.acc_seg: 73.4191, loss: 0.3002 2022-03-01 06:29:40,339 - mmseg - INFO - Iter [37850/160000] lr: 1.527e-05, eta: 12:12:26, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2228, decode.acc_seg: 74.0700, aux.loss_ce: 0.0935, aux.acc_seg: 73.7273, loss: 0.3163 2022-03-01 06:30:00,281 - mmseg - INFO - Iter [37900/160000] lr: 1.526e-05, eta: 12:12:14, time: 0.399, data_time: 0.052, memory: 49013, decode.loss_ce: 0.2156, decode.acc_seg: 72.5874, aux.loss_ce: 0.0917, aux.acc_seg: 72.1915, loss: 0.3073 2022-03-01 06:30:17,997 - mmseg - INFO - Iter [37950/160000] lr: 1.526e-05, eta: 12:11:56, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2104, decode.acc_seg: 72.8718, aux.loss_ce: 0.0899, aux.acc_seg: 72.4883, loss: 0.3003 2022-03-01 06:30:35,657 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:30:35,657 - mmseg - INFO - Iter [38000/160000] lr: 1.525e-05, eta: 12:11:37, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2267, decode.acc_seg: 74.7084, aux.loss_ce: 0.0972, aux.acc_seg: 74.2567, loss: 0.3239 2022-03-01 06:30:53,534 - mmseg - INFO - Iter [38050/160000] lr: 1.524e-05, eta: 12:11:18, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2169, decode.acc_seg: 75.2405, aux.loss_ce: 0.0930, aux.acc_seg: 74.9394, loss: 0.3098 2022-03-01 06:31:11,346 - mmseg - INFO - Iter [38100/160000] lr: 1.524e-05, eta: 12:11:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2013, decode.acc_seg: 73.2193, aux.loss_ce: 0.0857, aux.acc_seg: 72.9354, loss: 0.2870 2022-03-01 06:31:29,363 - mmseg - INFO - Iter [38150/160000] lr: 1.523e-05, eta: 12:10:42, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1984, decode.acc_seg: 73.1892, aux.loss_ce: 0.0847, aux.acc_seg: 72.8960, loss: 0.2831 2022-03-01 06:31:47,185 - mmseg - INFO - Iter [38200/160000] lr: 1.523e-05, eta: 12:10:23, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2106, decode.acc_seg: 74.7442, aux.loss_ce: 0.0884, aux.acc_seg: 74.5417, loss: 0.2990 2022-03-01 06:32:05,102 - mmseg - INFO - Iter [38250/160000] lr: 1.522e-05, eta: 12:10:05, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2037, decode.acc_seg: 73.2086, aux.loss_ce: 0.0877, aux.acc_seg: 72.8705, loss: 0.2914 2022-03-01 06:32:22,838 - mmseg - INFO - Iter [38300/160000] lr: 1.521e-05, eta: 12:09:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2211, decode.acc_seg: 75.3721, aux.loss_ce: 0.0935, aux.acc_seg: 74.9830, loss: 0.3146 2022-03-01 06:32:40,758 - mmseg - INFO - Iter [38350/160000] lr: 1.521e-05, eta: 12:09:28, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2060, decode.acc_seg: 75.4724, aux.loss_ce: 0.0885, aux.acc_seg: 75.1292, loss: 0.2945 2022-03-01 06:32:58,651 - mmseg - INFO - Iter [38400/160000] lr: 1.520e-05, eta: 12:09:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2054, decode.acc_seg: 74.4337, aux.loss_ce: 0.0880, aux.acc_seg: 74.0538, loss: 0.2934 2022-03-01 06:33:16,426 - mmseg - INFO - Iter [38450/160000] lr: 1.519e-05, eta: 12:08:51, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1910, decode.acc_seg: 73.2226, aux.loss_ce: 0.0821, aux.acc_seg: 72.8689, loss: 0.2731 2022-03-01 06:33:34,243 - mmseg - INFO - Iter [38500/160000] lr: 1.519e-05, eta: 12:08:32, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1982, decode.acc_seg: 73.8578, aux.loss_ce: 0.0852, aux.acc_seg: 73.4609, loss: 0.2834 2022-03-01 06:33:51,883 - mmseg - INFO - Iter [38550/160000] lr: 1.518e-05, eta: 12:08:13, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2105, decode.acc_seg: 73.6437, aux.loss_ce: 0.0890, aux.acc_seg: 73.3677, loss: 0.2995 2022-03-01 06:34:09,608 - mmseg - INFO - Iter [38600/160000] lr: 1.518e-05, eta: 12:07:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2235, decode.acc_seg: 74.0385, aux.loss_ce: 0.0943, aux.acc_seg: 73.7641, loss: 0.3178 2022-03-01 06:34:27,548 - mmseg - INFO - Iter [38650/160000] lr: 1.517e-05, eta: 12:07:36, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2203, decode.acc_seg: 74.3766, aux.loss_ce: 0.0929, aux.acc_seg: 73.9833, loss: 0.3132 2022-03-01 06:34:45,410 - mmseg - INFO - Iter [38700/160000] lr: 1.516e-05, eta: 12:07:18, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2181, decode.acc_seg: 73.7636, aux.loss_ce: 0.0923, aux.acc_seg: 73.5530, loss: 0.3104 2022-03-01 06:35:03,058 - mmseg - INFO - Iter [38750/160000] lr: 1.516e-05, eta: 12:06:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2214, decode.acc_seg: 73.6392, aux.loss_ce: 0.0950, aux.acc_seg: 73.3601, loss: 0.3165 2022-03-01 06:35:20,839 - mmseg - INFO - Iter [38800/160000] lr: 1.515e-05, eta: 12:06:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2324, decode.acc_seg: 72.7720, aux.loss_ce: 0.0981, aux.acc_seg: 72.5392, loss: 0.3305 2022-03-01 06:35:38,618 - mmseg - INFO - Iter [38850/160000] lr: 1.514e-05, eta: 12:06:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2238, decode.acc_seg: 72.7557, aux.loss_ce: 0.0946, aux.acc_seg: 72.5082, loss: 0.3184 2022-03-01 06:35:56,534 - mmseg - INFO - Iter [38900/160000] lr: 1.514e-05, eta: 12:06:03, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2184, decode.acc_seg: 73.4872, aux.loss_ce: 0.0937, aux.acc_seg: 73.1618, loss: 0.3121 2022-03-01 06:36:14,263 - mmseg - INFO - Iter [38950/160000] lr: 1.513e-05, eta: 12:05:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2221, decode.acc_seg: 74.7972, aux.loss_ce: 0.0948, aux.acc_seg: 74.4318, loss: 0.3170 2022-03-01 06:36:31,965 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:36:31,966 - mmseg - INFO - Iter [39000/160000] lr: 1.513e-05, eta: 12:05:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2098, decode.acc_seg: 72.3064, aux.loss_ce: 0.0901, aux.acc_seg: 71.9490, loss: 0.3000 2022-03-01 06:36:49,936 - mmseg - INFO - Iter [39050/160000] lr: 1.512e-05, eta: 12:05:08, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2085, decode.acc_seg: 73.0303, aux.loss_ce: 0.0888, aux.acc_seg: 72.6898, loss: 0.2973 2022-03-01 06:37:07,608 - mmseg - INFO - Iter [39100/160000] lr: 1.511e-05, eta: 12:04:49, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2100, decode.acc_seg: 73.6270, aux.loss_ce: 0.0903, aux.acc_seg: 73.1889, loss: 0.3003 2022-03-01 06:37:25,415 - mmseg - INFO - Iter [39150/160000] lr: 1.511e-05, eta: 12:04:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2047, decode.acc_seg: 73.8661, aux.loss_ce: 0.0876, aux.acc_seg: 73.4505, loss: 0.2923 2022-03-01 06:37:45,588 - mmseg - INFO - Iter [39200/160000] lr: 1.510e-05, eta: 12:04:19, time: 0.403, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1963, decode.acc_seg: 73.4887, aux.loss_ce: 0.0843, aux.acc_seg: 73.1582, loss: 0.2806 2022-03-01 06:38:03,409 - mmseg - INFO - Iter [39250/160000] lr: 1.509e-05, eta: 12:04:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2154, decode.acc_seg: 72.4078, aux.loss_ce: 0.0914, aux.acc_seg: 72.1299, loss: 0.3068 2022-03-01 06:38:21,189 - mmseg - INFO - Iter [39300/160000] lr: 1.509e-05, eta: 12:03:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2178, decode.acc_seg: 74.1612, aux.loss_ce: 0.0928, aux.acc_seg: 73.9078, loss: 0.3107 2022-03-01 06:38:38,924 - mmseg - INFO - Iter [39350/160000] lr: 1.508e-05, eta: 12:03:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2332, decode.acc_seg: 72.7366, aux.loss_ce: 0.0991, aux.acc_seg: 72.3690, loss: 0.3323 2022-03-01 06:38:56,714 - mmseg - INFO - Iter [39400/160000] lr: 1.508e-05, eta: 12:03:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2131, decode.acc_seg: 72.0232, aux.loss_ce: 0.0905, aux.acc_seg: 71.7185, loss: 0.3036 2022-03-01 06:39:14,621 - mmseg - INFO - Iter [39450/160000] lr: 1.507e-05, eta: 12:02:46, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2139, decode.acc_seg: 73.1857, aux.loss_ce: 0.0910, aux.acc_seg: 72.8487, loss: 0.3049 2022-03-01 06:39:32,399 - mmseg - INFO - Iter [39500/160000] lr: 1.506e-05, eta: 12:02:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2116, decode.acc_seg: 73.9602, aux.loss_ce: 0.0902, aux.acc_seg: 73.6299, loss: 0.3018 2022-03-01 06:39:50,016 - mmseg - INFO - Iter [39550/160000] lr: 1.506e-05, eta: 12:02:09, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2094, decode.acc_seg: 74.8472, aux.loss_ce: 0.0888, aux.acc_seg: 74.5779, loss: 0.2982 2022-03-01 06:40:07,715 - mmseg - INFO - Iter [39600/160000] lr: 1.505e-05, eta: 12:01:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2207, decode.acc_seg: 74.0660, aux.loss_ce: 0.0931, aux.acc_seg: 73.7204, loss: 0.3138 2022-03-01 06:40:25,628 - mmseg - INFO - Iter [39650/160000] lr: 1.504e-05, eta: 12:01:31, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2142, decode.acc_seg: 72.5813, aux.loss_ce: 0.0904, aux.acc_seg: 72.3399, loss: 0.3046 2022-03-01 06:40:43,440 - mmseg - INFO - Iter [39700/160000] lr: 1.504e-05, eta: 12:01:13, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2237, decode.acc_seg: 75.0145, aux.loss_ce: 0.0932, aux.acc_seg: 74.7817, loss: 0.3169 2022-03-01 06:41:01,284 - mmseg - INFO - Iter [39750/160000] lr: 1.503e-05, eta: 12:00:55, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2326, decode.acc_seg: 73.1805, aux.loss_ce: 0.0977, aux.acc_seg: 72.8364, loss: 0.3303 2022-03-01 06:41:18,968 - mmseg - INFO - Iter [39800/160000] lr: 1.503e-05, eta: 12:00:36, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2107, decode.acc_seg: 74.1062, aux.loss_ce: 0.0886, aux.acc_seg: 73.7317, loss: 0.2993 2022-03-01 06:41:36,714 - mmseg - INFO - Iter [39850/160000] lr: 1.502e-05, eta: 12:00:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2223, decode.acc_seg: 73.9448, aux.loss_ce: 0.0944, aux.acc_seg: 73.4814, loss: 0.3167 2022-03-01 06:41:54,304 - mmseg - INFO - Iter [39900/160000] lr: 1.501e-05, eta: 11:59:58, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2331, decode.acc_seg: 72.9095, aux.loss_ce: 0.0994, aux.acc_seg: 72.5577, loss: 0.3325 2022-03-01 06:42:12,191 - mmseg - INFO - Iter [39950/160000] lr: 1.501e-05, eta: 11:59:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2185, decode.acc_seg: 74.8080, aux.loss_ce: 0.0932, aux.acc_seg: 74.4741, loss: 0.3117 2022-03-01 06:42:29,980 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:42:29,980 - mmseg - INFO - Iter [40000/160000] lr: 1.500e-05, eta: 11:59:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1996, decode.acc_seg: 72.3167, aux.loss_ce: 0.0846, aux.acc_seg: 72.0729, loss: 0.2842 2022-03-01 06:42:47,761 - mmseg - INFO - Iter [40050/160000] lr: 1.499e-05, eta: 11:59:02, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2067, decode.acc_seg: 73.0011, aux.loss_ce: 0.0893, aux.acc_seg: 72.5506, loss: 0.2961 2022-03-01 06:43:05,521 - mmseg - INFO - Iter [40100/160000] lr: 1.499e-05, eta: 11:58:44, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2112, decode.acc_seg: 72.2436, aux.loss_ce: 0.0905, aux.acc_seg: 71.8897, loss: 0.3016 2022-03-01 06:43:23,224 - mmseg - INFO - Iter [40150/160000] lr: 1.498e-05, eta: 11:58:25, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2123, decode.acc_seg: 74.4430, aux.loss_ce: 0.0909, aux.acc_seg: 73.9915, loss: 0.3032 2022-03-01 06:43:41,125 - mmseg - INFO - Iter [40200/160000] lr: 1.498e-05, eta: 11:58:07, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2116, decode.acc_seg: 74.5690, aux.loss_ce: 0.0897, aux.acc_seg: 74.3019, loss: 0.3013 2022-03-01 06:43:59,085 - mmseg - INFO - Iter [40250/160000] lr: 1.497e-05, eta: 11:57:49, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2161, decode.acc_seg: 74.4152, aux.loss_ce: 0.0917, aux.acc_seg: 74.1659, loss: 0.3078 2022-03-01 06:44:16,728 - mmseg - INFO - Iter [40300/160000] lr: 1.496e-05, eta: 11:57:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2021, decode.acc_seg: 73.7795, aux.loss_ce: 0.0866, aux.acc_seg: 73.4170, loss: 0.2887 2022-03-01 06:44:34,508 - mmseg - INFO - Iter [40350/160000] lr: 1.496e-05, eta: 11:57:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2006, decode.acc_seg: 74.4157, aux.loss_ce: 0.0848, aux.acc_seg: 74.0949, loss: 0.2855 2022-03-01 06:44:52,326 - mmseg - INFO - Iter [40400/160000] lr: 1.495e-05, eta: 11:56:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2127, decode.acc_seg: 72.8904, aux.loss_ce: 0.0912, aux.acc_seg: 72.5201, loss: 0.3039 2022-03-01 06:45:12,354 - mmseg - INFO - Iter [40450/160000] lr: 1.494e-05, eta: 11:56:41, time: 0.401, data_time: 0.051, memory: 49013, decode.loss_ce: 0.2166, decode.acc_seg: 72.5683, aux.loss_ce: 0.0920, aux.acc_seg: 72.2100, loss: 0.3086 2022-03-01 06:45:30,287 - mmseg - INFO - Iter [40500/160000] lr: 1.494e-05, eta: 11:56:22, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2145, decode.acc_seg: 73.2177, aux.loss_ce: 0.0908, aux.acc_seg: 72.8373, loss: 0.3053 2022-03-01 06:45:48,022 - mmseg - INFO - Iter [40550/160000] lr: 1.493e-05, eta: 11:56:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2047, decode.acc_seg: 74.3877, aux.loss_ce: 0.0866, aux.acc_seg: 74.0773, loss: 0.2913 2022-03-01 06:46:05,753 - mmseg - INFO - Iter [40600/160000] lr: 1.493e-05, eta: 11:55:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2071, decode.acc_seg: 73.0206, aux.loss_ce: 0.0877, aux.acc_seg: 72.7616, loss: 0.2948 2022-03-01 06:46:23,706 - mmseg - INFO - Iter [40650/160000] lr: 1.492e-05, eta: 11:55:27, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2120, decode.acc_seg: 72.2262, aux.loss_ce: 0.0899, aux.acc_seg: 71.8846, loss: 0.3019 2022-03-01 06:46:41,477 - mmseg - INFO - Iter [40700/160000] lr: 1.491e-05, eta: 11:55:08, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2243, decode.acc_seg: 74.2186, aux.loss_ce: 0.0943, aux.acc_seg: 73.9088, loss: 0.3186 2022-03-01 06:46:59,178 - mmseg - INFO - Iter [40750/160000] lr: 1.491e-05, eta: 11:54:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2249, decode.acc_seg: 74.5188, aux.loss_ce: 0.0952, aux.acc_seg: 74.1424, loss: 0.3201 2022-03-01 06:47:16,773 - mmseg - INFO - Iter [40800/160000] lr: 1.490e-05, eta: 11:54:30, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2144, decode.acc_seg: 74.7287, aux.loss_ce: 0.0909, aux.acc_seg: 74.4496, loss: 0.3053 2022-03-01 06:47:34,485 - mmseg - INFO - Iter [40850/160000] lr: 1.489e-05, eta: 11:54:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2103, decode.acc_seg: 74.3109, aux.loss_ce: 0.0897, aux.acc_seg: 73.9348, loss: 0.3000 2022-03-01 06:47:52,159 - mmseg - INFO - Iter [40900/160000] lr: 1.489e-05, eta: 11:53:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2107, decode.acc_seg: 74.3004, aux.loss_ce: 0.0907, aux.acc_seg: 73.8162, loss: 0.3014 2022-03-01 06:48:10,044 - mmseg - INFO - Iter [40950/160000] lr: 1.488e-05, eta: 11:53:34, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2132, decode.acc_seg: 74.9953, aux.loss_ce: 0.0920, aux.acc_seg: 74.5358, loss: 0.3051 2022-03-01 06:48:27,815 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:48:27,815 - mmseg - INFO - Iter [41000/160000] lr: 1.488e-05, eta: 11:53:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1904, decode.acc_seg: 74.3087, aux.loss_ce: 0.0817, aux.acc_seg: 73.9246, loss: 0.2721 2022-03-01 06:48:45,576 - mmseg - INFO - Iter [41050/160000] lr: 1.487e-05, eta: 11:52:57, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2163, decode.acc_seg: 74.4167, aux.loss_ce: 0.0924, aux.acc_seg: 74.0293, loss: 0.3087 2022-03-01 06:49:03,328 - mmseg - INFO - Iter [41100/160000] lr: 1.486e-05, eta: 11:52:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1971, decode.acc_seg: 74.6895, aux.loss_ce: 0.0838, aux.acc_seg: 74.4472, loss: 0.2809 2022-03-01 06:49:21,099 - mmseg - INFO - Iter [41150/160000] lr: 1.486e-05, eta: 11:52:20, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2276, decode.acc_seg: 74.0588, aux.loss_ce: 0.0963, aux.acc_seg: 73.6975, loss: 0.3239 2022-03-01 06:49:38,881 - mmseg - INFO - Iter [41200/160000] lr: 1.485e-05, eta: 11:52:01, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2060, decode.acc_seg: 74.0596, aux.loss_ce: 0.0876, aux.acc_seg: 73.7467, loss: 0.2935 2022-03-01 06:49:56,525 - mmseg - INFO - Iter [41250/160000] lr: 1.484e-05, eta: 11:51:43, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2064, decode.acc_seg: 73.5403, aux.loss_ce: 0.0879, aux.acc_seg: 73.2483, loss: 0.2943 2022-03-01 06:50:14,243 - mmseg - INFO - Iter [41300/160000] lr: 1.484e-05, eta: 11:51:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2088, decode.acc_seg: 74.0148, aux.loss_ce: 0.0895, aux.acc_seg: 73.5937, loss: 0.2983 2022-03-01 06:50:31,860 - mmseg - INFO - Iter [41350/160000] lr: 1.483e-05, eta: 11:51:05, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2069, decode.acc_seg: 73.2362, aux.loss_ce: 0.0881, aux.acc_seg: 72.9228, loss: 0.2950 2022-03-01 06:50:49,593 - mmseg - INFO - Iter [41400/160000] lr: 1.483e-05, eta: 11:50:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2177, decode.acc_seg: 74.0587, aux.loss_ce: 0.0926, aux.acc_seg: 73.7512, loss: 0.3102 2022-03-01 06:51:07,382 - mmseg - INFO - Iter [41450/160000] lr: 1.482e-05, eta: 11:50:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2211, decode.acc_seg: 74.8746, aux.loss_ce: 0.0948, aux.acc_seg: 74.5143, loss: 0.3160 2022-03-01 06:51:25,276 - mmseg - INFO - Iter [41500/160000] lr: 1.481e-05, eta: 11:50:09, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2032, decode.acc_seg: 74.1271, aux.loss_ce: 0.0861, aux.acc_seg: 73.8549, loss: 0.2893 2022-03-01 06:51:43,143 - mmseg - INFO - Iter [41550/160000] lr: 1.481e-05, eta: 11:49:51, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2206, decode.acc_seg: 73.7178, aux.loss_ce: 0.0937, aux.acc_seg: 73.3112, loss: 0.3144 2022-03-01 06:52:01,045 - mmseg - INFO - Iter [41600/160000] lr: 1.480e-05, eta: 11:49:33, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2163, decode.acc_seg: 74.4640, aux.loss_ce: 0.0921, aux.acc_seg: 74.1556, loss: 0.3084 2022-03-01 06:52:19,007 - mmseg - INFO - Iter [41650/160000] lr: 1.479e-05, eta: 11:49:15, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2015, decode.acc_seg: 73.3444, aux.loss_ce: 0.0866, aux.acc_seg: 73.0053, loss: 0.2882 2022-03-01 06:52:39,072 - mmseg - INFO - Iter [41700/160000] lr: 1.479e-05, eta: 11:49:03, time: 0.401, data_time: 0.051, memory: 49013, decode.loss_ce: 0.2053, decode.acc_seg: 74.1390, aux.loss_ce: 0.0873, aux.acc_seg: 73.7523, loss: 0.2927 2022-03-01 06:52:56,943 - mmseg - INFO - Iter [41750/160000] lr: 1.478e-05, eta: 11:48:44, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2009, decode.acc_seg: 75.1370, aux.loss_ce: 0.0854, aux.acc_seg: 74.7913, loss: 0.2863 2022-03-01 06:53:14,925 - mmseg - INFO - Iter [41800/160000] lr: 1.478e-05, eta: 11:48:26, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1908, decode.acc_seg: 73.6091, aux.loss_ce: 0.0817, aux.acc_seg: 73.2281, loss: 0.2725 2022-03-01 06:53:32,790 - mmseg - INFO - Iter [41850/160000] lr: 1.477e-05, eta: 11:48:08, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1899, decode.acc_seg: 74.5830, aux.loss_ce: 0.0810, aux.acc_seg: 74.2679, loss: 0.2709 2022-03-01 06:53:50,641 - mmseg - INFO - Iter [41900/160000] lr: 1.476e-05, eta: 11:47:50, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1971, decode.acc_seg: 74.2675, aux.loss_ce: 0.0843, aux.acc_seg: 73.9130, loss: 0.2814 2022-03-01 06:54:08,238 - mmseg - INFO - Iter [41950/160000] lr: 1.476e-05, eta: 11:47:31, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1916, decode.acc_seg: 72.8040, aux.loss_ce: 0.0826, aux.acc_seg: 72.4156, loss: 0.2741 2022-03-01 06:54:25,894 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 06:54:25,894 - mmseg - INFO - Iter [42000/160000] lr: 1.475e-05, eta: 11:47:12, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1946, decode.acc_seg: 73.5590, aux.loss_ce: 0.0838, aux.acc_seg: 73.2120, loss: 0.2784 2022-03-01 06:54:43,977 - mmseg - INFO - Iter [42050/160000] lr: 1.474e-05, eta: 11:46:54, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1916, decode.acc_seg: 73.0296, aux.loss_ce: 0.0834, aux.acc_seg: 72.5709, loss: 0.2750 2022-03-01 06:55:01,935 - mmseg - INFO - Iter [42100/160000] lr: 1.474e-05, eta: 11:46:36, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2008, decode.acc_seg: 74.0817, aux.loss_ce: 0.0850, aux.acc_seg: 73.8190, loss: 0.2858 2022-03-01 06:55:19,618 - mmseg - INFO - Iter [42150/160000] lr: 1.473e-05, eta: 11:46:17, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1981, decode.acc_seg: 75.3424, aux.loss_ce: 0.0851, aux.acc_seg: 74.9429, loss: 0.2832 2022-03-01 06:55:37,503 - mmseg - INFO - Iter [42200/160000] lr: 1.473e-05, eta: 11:45:59, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1976, decode.acc_seg: 73.9765, aux.loss_ce: 0.0857, aux.acc_seg: 73.5828, loss: 0.2833 2022-03-01 06:55:55,200 - mmseg - INFO - Iter [42250/160000] lr: 1.472e-05, eta: 11:45:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1918, decode.acc_seg: 72.8315, aux.loss_ce: 0.0827, aux.acc_seg: 72.5294, loss: 0.2744 2022-03-01 06:56:12,924 - mmseg - INFO - Iter [42300/160000] lr: 1.471e-05, eta: 11:45:22, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2093, decode.acc_seg: 74.5648, aux.loss_ce: 0.0887, aux.acc_seg: 74.2857, loss: 0.2980 2022-03-01 06:56:30,589 - mmseg - INFO - Iter [42350/160000] lr: 1.471e-05, eta: 11:45:03, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2134, decode.acc_seg: 73.8509, aux.loss_ce: 0.0915, aux.acc_seg: 73.5135, loss: 0.3049 2022-03-01 06:56:48,349 - mmseg - INFO - Iter [42400/160000] lr: 1.470e-05, eta: 11:44:44, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2032, decode.acc_seg: 75.2409, aux.loss_ce: 0.0863, aux.acc_seg: 74.9347, loss: 0.2895 2022-03-01 06:57:06,002 - mmseg - INFO - Iter [42450/160000] lr: 1.469e-05, eta: 11:44:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2070, decode.acc_seg: 73.6301, aux.loss_ce: 0.0879, aux.acc_seg: 73.3276, loss: 0.2949 2022-03-01 06:57:23,776 - mmseg - INFO - Iter [42500/160000] lr: 1.469e-05, eta: 11:44:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2003, decode.acc_seg: 74.1680, aux.loss_ce: 0.0857, aux.acc_seg: 73.8282, loss: 0.2860 2022-03-01 06:57:41,415 - mmseg - INFO - Iter [42550/160000] lr: 1.468e-05, eta: 11:43:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1980, decode.acc_seg: 74.0243, aux.loss_ce: 0.0845, aux.acc_seg: 73.6612, loss: 0.2825 2022-03-01 06:57:59,244 - mmseg - INFO - Iter [42600/160000] lr: 1.468e-05, eta: 11:43:29, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1967, decode.acc_seg: 74.7333, aux.loss_ce: 0.0851, aux.acc_seg: 74.3512, loss: 0.2817 2022-03-01 06:58:17,056 - mmseg - INFO - Iter [42650/160000] lr: 1.467e-05, eta: 11:43:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2199, decode.acc_seg: 74.1407, aux.loss_ce: 0.0927, aux.acc_seg: 73.7497, loss: 0.3125 2022-03-01 06:58:34,857 - mmseg - INFO - Iter [42700/160000] lr: 1.466e-05, eta: 11:42:53, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2011, decode.acc_seg: 73.2725, aux.loss_ce: 0.0874, aux.acc_seg: 72.7893, loss: 0.2885 2022-03-01 06:58:52,618 - mmseg - INFO - Iter [42750/160000] lr: 1.466e-05, eta: 11:42:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1997, decode.acc_seg: 74.2731, aux.loss_ce: 0.0853, aux.acc_seg: 73.9452, loss: 0.2850 2022-03-01 06:59:10,506 - mmseg - INFO - Iter [42800/160000] lr: 1.465e-05, eta: 11:42:16, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2048, decode.acc_seg: 74.3233, aux.loss_ce: 0.0882, aux.acc_seg: 73.9132, loss: 0.2930 2022-03-01 06:59:28,222 - mmseg - INFO - Iter [42850/160000] lr: 1.464e-05, eta: 11:41:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2001, decode.acc_seg: 74.9086, aux.loss_ce: 0.0850, aux.acc_seg: 74.5309, loss: 0.2851 2022-03-01 06:59:46,164 - mmseg - INFO - Iter [42900/160000] lr: 1.464e-05, eta: 11:41:39, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2122, decode.acc_seg: 74.6104, aux.loss_ce: 0.0911, aux.acc_seg: 74.2425, loss: 0.3033 2022-03-01 07:00:06,254 - mmseg - INFO - Iter [42950/160000] lr: 1.463e-05, eta: 11:41:27, time: 0.402, data_time: 0.050, memory: 49013, decode.loss_ce: 0.2110, decode.acc_seg: 73.4250, aux.loss_ce: 0.0894, aux.acc_seg: 73.0687, loss: 0.3004 2022-03-01 07:00:24,131 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:00:24,132 - mmseg - INFO - Iter [43000/160000] lr: 1.463e-05, eta: 11:41:09, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1885, decode.acc_seg: 72.4477, aux.loss_ce: 0.0805, aux.acc_seg: 72.1326, loss: 0.2690 2022-03-01 07:00:41,965 - mmseg - INFO - Iter [43050/160000] lr: 1.462e-05, eta: 11:40:50, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2002, decode.acc_seg: 74.4816, aux.loss_ce: 0.0869, aux.acc_seg: 74.0125, loss: 0.2871 2022-03-01 07:00:59,621 - mmseg - INFO - Iter [43100/160000] lr: 1.461e-05, eta: 11:40:31, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2094, decode.acc_seg: 74.2443, aux.loss_ce: 0.0895, aux.acc_seg: 73.8647, loss: 0.2989 2022-03-01 07:01:17,353 - mmseg - INFO - Iter [43150/160000] lr: 1.461e-05, eta: 11:40:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2050, decode.acc_seg: 72.9459, aux.loss_ce: 0.0873, aux.acc_seg: 72.6298, loss: 0.2923 2022-03-01 07:01:35,339 - mmseg - INFO - Iter [43200/160000] lr: 1.460e-05, eta: 11:39:55, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1941, decode.acc_seg: 73.1485, aux.loss_ce: 0.0831, aux.acc_seg: 72.8047, loss: 0.2773 2022-03-01 07:01:53,136 - mmseg - INFO - Iter [43250/160000] lr: 1.459e-05, eta: 11:39:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2117, decode.acc_seg: 72.7530, aux.loss_ce: 0.0907, aux.acc_seg: 72.2725, loss: 0.3024 2022-03-01 07:02:11,016 - mmseg - INFO - Iter [43300/160000] lr: 1.459e-05, eta: 11:39:18, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1935, decode.acc_seg: 74.9329, aux.loss_ce: 0.0827, aux.acc_seg: 74.5427, loss: 0.2763 2022-03-01 07:02:28,866 - mmseg - INFO - Iter [43350/160000] lr: 1.458e-05, eta: 11:39:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1916, decode.acc_seg: 74.9341, aux.loss_ce: 0.0820, aux.acc_seg: 74.6221, loss: 0.2736 2022-03-01 07:02:46,711 - mmseg - INFO - Iter [43400/160000] lr: 1.458e-05, eta: 11:38:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2003, decode.acc_seg: 73.6732, aux.loss_ce: 0.0864, aux.acc_seg: 73.3030, loss: 0.2867 2022-03-01 07:03:04,377 - mmseg - INFO - Iter [43450/160000] lr: 1.457e-05, eta: 11:38:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2095, decode.acc_seg: 73.2156, aux.loss_ce: 0.0893, aux.acc_seg: 72.8370, loss: 0.2988 2022-03-01 07:03:22,173 - mmseg - INFO - Iter [43500/160000] lr: 1.456e-05, eta: 11:38:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2134, decode.acc_seg: 74.5158, aux.loss_ce: 0.0911, aux.acc_seg: 74.1093, loss: 0.3045 2022-03-01 07:03:40,207 - mmseg - INFO - Iter [43550/160000] lr: 1.456e-05, eta: 11:37:46, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1950, decode.acc_seg: 75.9823, aux.loss_ce: 0.0842, aux.acc_seg: 75.6093, loss: 0.2791 2022-03-01 07:03:58,040 - mmseg - INFO - Iter [43600/160000] lr: 1.455e-05, eta: 11:37:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1882, decode.acc_seg: 73.4329, aux.loss_ce: 0.0811, aux.acc_seg: 73.0763, loss: 0.2693 2022-03-01 07:04:15,926 - mmseg - INFO - Iter [43650/160000] lr: 1.454e-05, eta: 11:37:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1936, decode.acc_seg: 73.7847, aux.loss_ce: 0.0837, aux.acc_seg: 73.3967, loss: 0.2772 2022-03-01 07:04:33,740 - mmseg - INFO - Iter [43700/160000] lr: 1.454e-05, eta: 11:36:51, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2066, decode.acc_seg: 74.2545, aux.loss_ce: 0.0871, aux.acc_seg: 73.9282, loss: 0.2937 2022-03-01 07:04:51,689 - mmseg - INFO - Iter [43750/160000] lr: 1.453e-05, eta: 11:36:33, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2004, decode.acc_seg: 74.8238, aux.loss_ce: 0.0844, aux.acc_seg: 74.5362, loss: 0.2848 2022-03-01 07:05:09,483 - mmseg - INFO - Iter [43800/160000] lr: 1.453e-05, eta: 11:36:15, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2100, decode.acc_seg: 75.2443, aux.loss_ce: 0.0899, aux.acc_seg: 74.8813, loss: 0.2999 2022-03-01 07:05:27,401 - mmseg - INFO - Iter [43850/160000] lr: 1.452e-05, eta: 11:35:57, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2112, decode.acc_seg: 74.9592, aux.loss_ce: 0.0887, aux.acc_seg: 74.7357, loss: 0.2999 2022-03-01 07:05:45,486 - mmseg - INFO - Iter [43900/160000] lr: 1.451e-05, eta: 11:35:39, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1999, decode.acc_seg: 74.6920, aux.loss_ce: 0.0846, aux.acc_seg: 74.3767, loss: 0.2845 2022-03-01 07:06:03,176 - mmseg - INFO - Iter [43950/160000] lr: 1.451e-05, eta: 11:35:20, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2013, decode.acc_seg: 74.3158, aux.loss_ce: 0.0855, aux.acc_seg: 74.0406, loss: 0.2868 2022-03-01 07:06:20,852 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:06:20,852 - mmseg - INFO - Iter [44000/160000] lr: 1.450e-05, eta: 11:35:01, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1996, decode.acc_seg: 73.2352, aux.loss_ce: 0.0847, aux.acc_seg: 72.9067, loss: 0.2843 2022-03-01 07:06:38,475 - mmseg - INFO - Iter [44050/160000] lr: 1.449e-05, eta: 11:34:43, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2014, decode.acc_seg: 75.0975, aux.loss_ce: 0.0872, aux.acc_seg: 74.7194, loss: 0.2886 2022-03-01 07:06:56,421 - mmseg - INFO - Iter [44100/160000] lr: 1.449e-05, eta: 11:34:25, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1956, decode.acc_seg: 75.4271, aux.loss_ce: 0.0835, aux.acc_seg: 75.1060, loss: 0.2790 2022-03-01 07:07:14,115 - mmseg - INFO - Iter [44150/160000] lr: 1.448e-05, eta: 11:34:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2084, decode.acc_seg: 73.7565, aux.loss_ce: 0.0901, aux.acc_seg: 73.3345, loss: 0.2985 2022-03-01 07:07:31,867 - mmseg - INFO - Iter [44200/160000] lr: 1.448e-05, eta: 11:33:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2047, decode.acc_seg: 74.4921, aux.loss_ce: 0.0874, aux.acc_seg: 74.2178, loss: 0.2922 2022-03-01 07:07:51,942 - mmseg - INFO - Iter [44250/160000] lr: 1.447e-05, eta: 11:33:35, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.2021, decode.acc_seg: 72.9713, aux.loss_ce: 0.0861, aux.acc_seg: 72.6415, loss: 0.2882 2022-03-01 07:08:09,878 - mmseg - INFO - Iter [44300/160000] lr: 1.446e-05, eta: 11:33:17, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1986, decode.acc_seg: 75.1135, aux.loss_ce: 0.0853, aux.acc_seg: 74.6992, loss: 0.2839 2022-03-01 07:08:27,532 - mmseg - INFO - Iter [44350/160000] lr: 1.446e-05, eta: 11:32:58, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1956, decode.acc_seg: 73.1651, aux.loss_ce: 0.0839, aux.acc_seg: 72.7729, loss: 0.2795 2022-03-01 07:08:45,183 - mmseg - INFO - Iter [44400/160000] lr: 1.445e-05, eta: 11:32:39, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1853, decode.acc_seg: 73.0735, aux.loss_ce: 0.0793, aux.acc_seg: 72.7066, loss: 0.2645 2022-03-01 07:09:02,921 - mmseg - INFO - Iter [44450/160000] lr: 1.444e-05, eta: 11:32:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1976, decode.acc_seg: 73.0752, aux.loss_ce: 0.0853, aux.acc_seg: 72.6403, loss: 0.2829 2022-03-01 07:09:20,550 - mmseg - INFO - Iter [44500/160000] lr: 1.444e-05, eta: 11:32:02, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1849, decode.acc_seg: 74.6053, aux.loss_ce: 0.0791, aux.acc_seg: 74.2420, loss: 0.2640 2022-03-01 07:09:38,192 - mmseg - INFO - Iter [44550/160000] lr: 1.443e-05, eta: 11:31:43, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2107, decode.acc_seg: 73.9892, aux.loss_ce: 0.0899, aux.acc_seg: 73.6996, loss: 0.3005 2022-03-01 07:09:55,957 - mmseg - INFO - Iter [44600/160000] lr: 1.443e-05, eta: 11:31:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2033, decode.acc_seg: 72.4800, aux.loss_ce: 0.0881, aux.acc_seg: 72.1233, loss: 0.2914 2022-03-01 07:10:13,773 - mmseg - INFO - Iter [44650/160000] lr: 1.442e-05, eta: 11:31:06, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2011, decode.acc_seg: 74.2288, aux.loss_ce: 0.0849, aux.acc_seg: 73.9713, loss: 0.2860 2022-03-01 07:10:31,496 - mmseg - INFO - Iter [44700/160000] lr: 1.441e-05, eta: 11:30:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2126, decode.acc_seg: 74.5474, aux.loss_ce: 0.0913, aux.acc_seg: 74.1528, loss: 0.3040 2022-03-01 07:10:49,033 - mmseg - INFO - Iter [44750/160000] lr: 1.441e-05, eta: 11:30:28, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1940, decode.acc_seg: 75.0962, aux.loss_ce: 0.0833, aux.acc_seg: 74.7113, loss: 0.2774 2022-03-01 07:11:06,794 - mmseg - INFO - Iter [44800/160000] lr: 1.440e-05, eta: 11:30:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2015, decode.acc_seg: 74.4312, aux.loss_ce: 0.0865, aux.acc_seg: 74.1374, loss: 0.2879 2022-03-01 07:11:24,486 - mmseg - INFO - Iter [44850/160000] lr: 1.439e-05, eta: 11:29:51, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1872, decode.acc_seg: 73.7085, aux.loss_ce: 0.0813, aux.acc_seg: 73.2931, loss: 0.2684 2022-03-01 07:11:42,226 - mmseg - INFO - Iter [44900/160000] lr: 1.439e-05, eta: 11:29:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1822, decode.acc_seg: 73.7704, aux.loss_ce: 0.0791, aux.acc_seg: 73.4216, loss: 0.2613 2022-03-01 07:12:00,040 - mmseg - INFO - Iter [44950/160000] lr: 1.438e-05, eta: 11:29:14, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1909, decode.acc_seg: 74.2352, aux.loss_ce: 0.0812, aux.acc_seg: 73.9258, loss: 0.2721 2022-03-01 07:12:17,778 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:12:17,779 - mmseg - INFO - Iter [45000/160000] lr: 1.438e-05, eta: 11:28:55, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1856, decode.acc_seg: 74.7638, aux.loss_ce: 0.0797, aux.acc_seg: 74.3843, loss: 0.2653 2022-03-01 07:12:35,605 - mmseg - INFO - Iter [45050/160000] lr: 1.437e-05, eta: 11:28:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1982, decode.acc_seg: 75.1670, aux.loss_ce: 0.0842, aux.acc_seg: 74.8958, loss: 0.2824 2022-03-01 07:12:53,319 - mmseg - INFO - Iter [45100/160000] lr: 1.436e-05, eta: 11:28:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2081, decode.acc_seg: 74.2850, aux.loss_ce: 0.0890, aux.acc_seg: 73.8492, loss: 0.2971 2022-03-01 07:13:11,076 - mmseg - INFO - Iter [45150/160000] lr: 1.436e-05, eta: 11:28:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2061, decode.acc_seg: 76.0037, aux.loss_ce: 0.0878, aux.acc_seg: 75.6706, loss: 0.2938 2022-03-01 07:13:29,070 - mmseg - INFO - Iter [45200/160000] lr: 1.435e-05, eta: 11:27:42, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1951, decode.acc_seg: 75.5570, aux.loss_ce: 0.0831, aux.acc_seg: 75.2456, loss: 0.2783 2022-03-01 07:13:46,788 - mmseg - INFO - Iter [45250/160000] lr: 1.434e-05, eta: 11:27:23, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1836, decode.acc_seg: 75.6585, aux.loss_ce: 0.0790, aux.acc_seg: 75.3340, loss: 0.2626 2022-03-01 07:14:04,579 - mmseg - INFO - Iter [45300/160000] lr: 1.434e-05, eta: 11:27:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1846, decode.acc_seg: 74.5929, aux.loss_ce: 0.0798, aux.acc_seg: 74.1989, loss: 0.2644 2022-03-01 07:14:22,371 - mmseg - INFO - Iter [45350/160000] lr: 1.433e-05, eta: 11:26:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2063, decode.acc_seg: 74.9317, aux.loss_ce: 0.0874, aux.acc_seg: 74.6235, loss: 0.2937 2022-03-01 07:14:40,061 - mmseg - INFO - Iter [45400/160000] lr: 1.433e-05, eta: 11:26:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1978, decode.acc_seg: 75.0641, aux.loss_ce: 0.0840, aux.acc_seg: 74.7105, loss: 0.2818 2022-03-01 07:14:58,002 - mmseg - INFO - Iter [45450/160000] lr: 1.432e-05, eta: 11:26:10, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1966, decode.acc_seg: 74.0458, aux.loss_ce: 0.0843, aux.acc_seg: 73.6957, loss: 0.2809 2022-03-01 07:15:17,986 - mmseg - INFO - Iter [45500/160000] lr: 1.431e-05, eta: 11:25:57, time: 0.400, data_time: 0.051, memory: 49013, decode.loss_ce: 0.2052, decode.acc_seg: 73.8990, aux.loss_ce: 0.0881, aux.acc_seg: 73.5240, loss: 0.2933 2022-03-01 07:15:35,705 - mmseg - INFO - Iter [45550/160000] lr: 1.431e-05, eta: 11:25:38, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1834, decode.acc_seg: 73.6702, aux.loss_ce: 0.0798, aux.acc_seg: 73.2299, loss: 0.2632 2022-03-01 07:15:53,467 - mmseg - INFO - Iter [45600/160000] lr: 1.430e-05, eta: 11:25:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1829, decode.acc_seg: 73.5803, aux.loss_ce: 0.0791, aux.acc_seg: 73.1964, loss: 0.2620 2022-03-01 07:16:11,237 - mmseg - INFO - Iter [45650/160000] lr: 1.429e-05, eta: 11:25:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1912, decode.acc_seg: 74.7616, aux.loss_ce: 0.0816, aux.acc_seg: 74.4632, loss: 0.2727 2022-03-01 07:16:28,986 - mmseg - INFO - Iter [45700/160000] lr: 1.429e-05, eta: 11:24:43, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2004, decode.acc_seg: 74.2537, aux.loss_ce: 0.0847, aux.acc_seg: 73.8963, loss: 0.2851 2022-03-01 07:16:46,690 - mmseg - INFO - Iter [45750/160000] lr: 1.428e-05, eta: 11:24:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1975, decode.acc_seg: 75.7826, aux.loss_ce: 0.0839, aux.acc_seg: 75.4947, loss: 0.2814 2022-03-01 07:17:04,623 - mmseg - INFO - Iter [45800/160000] lr: 1.428e-05, eta: 11:24:06, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2060, decode.acc_seg: 73.8456, aux.loss_ce: 0.0881, aux.acc_seg: 73.4731, loss: 0.2941 2022-03-01 07:17:22,259 - mmseg - INFO - Iter [45850/160000] lr: 1.427e-05, eta: 11:23:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1957, decode.acc_seg: 73.4380, aux.loss_ce: 0.0830, aux.acc_seg: 73.1137, loss: 0.2787 2022-03-01 07:17:39,844 - mmseg - INFO - Iter [45900/160000] lr: 1.426e-05, eta: 11:23:28, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2004, decode.acc_seg: 73.9325, aux.loss_ce: 0.0856, aux.acc_seg: 73.6049, loss: 0.2859 2022-03-01 07:17:57,468 - mmseg - INFO - Iter [45950/160000] lr: 1.426e-05, eta: 11:23:09, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1917, decode.acc_seg: 74.4181, aux.loss_ce: 0.0830, aux.acc_seg: 74.0331, loss: 0.2747 2022-03-01 07:18:15,119 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:18:15,119 - mmseg - INFO - Iter [46000/160000] lr: 1.425e-05, eta: 11:22:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1975, decode.acc_seg: 74.5577, aux.loss_ce: 0.0841, aux.acc_seg: 74.1934, loss: 0.2816 2022-03-01 07:18:33,008 - mmseg - INFO - Iter [46050/160000] lr: 1.424e-05, eta: 11:22:33, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1952, decode.acc_seg: 74.4112, aux.loss_ce: 0.0835, aux.acc_seg: 74.0625, loss: 0.2787 2022-03-01 07:18:50,857 - mmseg - INFO - Iter [46100/160000] lr: 1.424e-05, eta: 11:22:14, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1886, decode.acc_seg: 74.6681, aux.loss_ce: 0.0817, aux.acc_seg: 74.2262, loss: 0.2703 2022-03-01 07:19:08,544 - mmseg - INFO - Iter [46150/160000] lr: 1.423e-05, eta: 11:21:56, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1936, decode.acc_seg: 74.4188, aux.loss_ce: 0.0835, aux.acc_seg: 74.0038, loss: 0.2771 2022-03-01 07:19:26,299 - mmseg - INFO - Iter [46200/160000] lr: 1.423e-05, eta: 11:21:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1943, decode.acc_seg: 74.2674, aux.loss_ce: 0.0835, aux.acc_seg: 73.9000, loss: 0.2778 2022-03-01 07:19:44,287 - mmseg - INFO - Iter [46250/160000] lr: 1.422e-05, eta: 11:21:19, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1956, decode.acc_seg: 74.7800, aux.loss_ce: 0.0840, aux.acc_seg: 74.4425, loss: 0.2796 2022-03-01 07:20:02,134 - mmseg - INFO - Iter [46300/160000] lr: 1.421e-05, eta: 11:21:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1906, decode.acc_seg: 74.8427, aux.loss_ce: 0.0815, aux.acc_seg: 74.5069, loss: 0.2721 2022-03-01 07:20:19,821 - mmseg - INFO - Iter [46350/160000] lr: 1.421e-05, eta: 11:20:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1966, decode.acc_seg: 74.6698, aux.loss_ce: 0.0839, aux.acc_seg: 74.3033, loss: 0.2806 2022-03-01 07:20:37,745 - mmseg - INFO - Iter [46400/160000] lr: 1.420e-05, eta: 11:20:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2143, decode.acc_seg: 73.6568, aux.loss_ce: 0.0914, aux.acc_seg: 73.2701, loss: 0.3057 2022-03-01 07:20:55,478 - mmseg - INFO - Iter [46450/160000] lr: 1.419e-05, eta: 11:20:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1921, decode.acc_seg: 74.3967, aux.loss_ce: 0.0823, aux.acc_seg: 74.0047, loss: 0.2744 2022-03-01 07:21:13,180 - mmseg - INFO - Iter [46500/160000] lr: 1.419e-05, eta: 11:19:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2027, decode.acc_seg: 74.0851, aux.loss_ce: 0.0873, aux.acc_seg: 73.6526, loss: 0.2900 2022-03-01 07:21:30,864 - mmseg - INFO - Iter [46550/160000] lr: 1.418e-05, eta: 11:19:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1962, decode.acc_seg: 74.7742, aux.loss_ce: 0.0839, aux.acc_seg: 74.3920, loss: 0.2801 2022-03-01 07:21:48,706 - mmseg - INFO - Iter [46600/160000] lr: 1.418e-05, eta: 11:19:10, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2162, decode.acc_seg: 74.5400, aux.loss_ce: 0.0919, aux.acc_seg: 74.2553, loss: 0.3081 2022-03-01 07:22:06,536 - mmseg - INFO - Iter [46650/160000] lr: 1.417e-05, eta: 11:18:52, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2003, decode.acc_seg: 73.0654, aux.loss_ce: 0.0855, aux.acc_seg: 72.7058, loss: 0.2858 2022-03-01 07:22:24,506 - mmseg - INFO - Iter [46700/160000] lr: 1.416e-05, eta: 11:18:34, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2092, decode.acc_seg: 74.5852, aux.loss_ce: 0.0891, aux.acc_seg: 74.2536, loss: 0.2984 2022-03-01 07:22:44,902 - mmseg - INFO - Iter [46750/160000] lr: 1.416e-05, eta: 11:18:22, time: 0.407, data_time: 0.050, memory: 49013, decode.loss_ce: 0.2148, decode.acc_seg: 72.5252, aux.loss_ce: 0.0908, aux.acc_seg: 72.1729, loss: 0.3056 2022-03-01 07:23:03,188 - mmseg - INFO - Iter [46800/160000] lr: 1.415e-05, eta: 11:18:04, time: 0.366, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2087, decode.acc_seg: 73.1076, aux.loss_ce: 0.0891, aux.acc_seg: 72.6242, loss: 0.2978 2022-03-01 07:23:20,807 - mmseg - INFO - Iter [46850/160000] lr: 1.414e-05, eta: 11:17:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1790, decode.acc_seg: 73.8975, aux.loss_ce: 0.0760, aux.acc_seg: 73.6087, loss: 0.2551 2022-03-01 07:23:38,513 - mmseg - INFO - Iter [46900/160000] lr: 1.414e-05, eta: 11:17:27, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1987, decode.acc_seg: 75.5024, aux.loss_ce: 0.0862, aux.acc_seg: 75.0609, loss: 0.2849 2022-03-01 07:23:56,404 - mmseg - INFO - Iter [46950/160000] lr: 1.413e-05, eta: 11:17:09, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1825, decode.acc_seg: 75.1686, aux.loss_ce: 0.0782, aux.acc_seg: 74.8608, loss: 0.2607 2022-03-01 07:24:14,103 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:24:14,103 - mmseg - INFO - Iter [47000/160000] lr: 1.413e-05, eta: 11:16:50, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1884, decode.acc_seg: 73.8777, aux.loss_ce: 0.0809, aux.acc_seg: 73.4691, loss: 0.2693 2022-03-01 07:24:32,025 - mmseg - INFO - Iter [47050/160000] lr: 1.412e-05, eta: 11:16:32, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1925, decode.acc_seg: 75.3611, aux.loss_ce: 0.0819, aux.acc_seg: 75.1438, loss: 0.2744 2022-03-01 07:24:49,695 - mmseg - INFO - Iter [47100/160000] lr: 1.411e-05, eta: 11:16:14, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1813, decode.acc_seg: 74.5047, aux.loss_ce: 0.0774, aux.acc_seg: 74.2221, loss: 0.2586 2022-03-01 07:25:07,339 - mmseg - INFO - Iter [47150/160000] lr: 1.411e-05, eta: 11:15:55, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1938, decode.acc_seg: 74.4578, aux.loss_ce: 0.0839, aux.acc_seg: 74.0319, loss: 0.2777 2022-03-01 07:25:25,146 - mmseg - INFO - Iter [47200/160000] lr: 1.410e-05, eta: 11:15:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1870, decode.acc_seg: 74.4993, aux.loss_ce: 0.0811, aux.acc_seg: 74.1112, loss: 0.2681 2022-03-01 07:25:42,776 - mmseg - INFO - Iter [47250/160000] lr: 1.409e-05, eta: 11:15:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1970, decode.acc_seg: 75.5005, aux.loss_ce: 0.0851, aux.acc_seg: 75.0416, loss: 0.2821 2022-03-01 07:26:00,473 - mmseg - INFO - Iter [47300/160000] lr: 1.409e-05, eta: 11:14:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1872, decode.acc_seg: 73.9436, aux.loss_ce: 0.0801, aux.acc_seg: 73.5887, loss: 0.2672 2022-03-01 07:26:18,344 - mmseg - INFO - Iter [47350/160000] lr: 1.408e-05, eta: 11:14:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1983, decode.acc_seg: 73.2528, aux.loss_ce: 0.0849, aux.acc_seg: 72.9152, loss: 0.2833 2022-03-01 07:26:36,048 - mmseg - INFO - Iter [47400/160000] lr: 1.408e-05, eta: 11:14:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1938, decode.acc_seg: 75.4942, aux.loss_ce: 0.0826, aux.acc_seg: 75.1904, loss: 0.2764 2022-03-01 07:26:53,825 - mmseg - INFO - Iter [47450/160000] lr: 1.407e-05, eta: 11:14:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2009, decode.acc_seg: 73.6466, aux.loss_ce: 0.0859, aux.acc_seg: 73.3039, loss: 0.2868 2022-03-01 07:27:11,487 - mmseg - INFO - Iter [47500/160000] lr: 1.406e-05, eta: 11:13:45, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1981, decode.acc_seg: 76.4912, aux.loss_ce: 0.0845, aux.acc_seg: 76.1347, loss: 0.2826 2022-03-01 07:27:29,503 - mmseg - INFO - Iter [47550/160000] lr: 1.406e-05, eta: 11:13:27, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1965, decode.acc_seg: 74.3693, aux.loss_ce: 0.0841, aux.acc_seg: 73.9733, loss: 0.2806 2022-03-01 07:27:47,169 - mmseg - INFO - Iter [47600/160000] lr: 1.405e-05, eta: 11:13:09, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2026, decode.acc_seg: 72.1532, aux.loss_ce: 0.0866, aux.acc_seg: 71.7488, loss: 0.2892 2022-03-01 07:28:04,880 - mmseg - INFO - Iter [47650/160000] lr: 1.404e-05, eta: 11:12:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2012, decode.acc_seg: 73.8926, aux.loss_ce: 0.0859, aux.acc_seg: 73.4602, loss: 0.2871 2022-03-01 07:28:22,975 - mmseg - INFO - Iter [47700/160000] lr: 1.404e-05, eta: 11:12:32, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1977, decode.acc_seg: 74.8502, aux.loss_ce: 0.0834, aux.acc_seg: 74.5127, loss: 0.2810 2022-03-01 07:28:40,789 - mmseg - INFO - Iter [47750/160000] lr: 1.403e-05, eta: 11:12:14, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.2071, decode.acc_seg: 73.0893, aux.loss_ce: 0.0880, aux.acc_seg: 72.8153, loss: 0.2951 2022-03-01 07:28:58,725 - mmseg - INFO - Iter [47800/160000] lr: 1.403e-05, eta: 11:11:56, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1877, decode.acc_seg: 74.4002, aux.loss_ce: 0.0811, aux.acc_seg: 74.0043, loss: 0.2688 2022-03-01 07:29:16,654 - mmseg - INFO - Iter [47850/160000] lr: 1.402e-05, eta: 11:11:38, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2033, decode.acc_seg: 74.4989, aux.loss_ce: 0.0870, aux.acc_seg: 74.0922, loss: 0.2903 2022-03-01 07:29:34,320 - mmseg - INFO - Iter [47900/160000] lr: 1.401e-05, eta: 11:11:19, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1948, decode.acc_seg: 73.9776, aux.loss_ce: 0.0830, aux.acc_seg: 73.7186, loss: 0.2778 2022-03-01 07:29:52,159 - mmseg - INFO - Iter [47950/160000] lr: 1.401e-05, eta: 11:11:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1930, decode.acc_seg: 75.0986, aux.loss_ce: 0.0816, aux.acc_seg: 74.7258, loss: 0.2746 2022-03-01 07:30:12,253 - mmseg - INFO - Saving checkpoint at 48000 iterations 2022-03-01 07:30:19,859 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:30:19,860 - mmseg - INFO - Iter [48000/160000] lr: 1.400e-05, eta: 11:11:06, time: 0.554, data_time: 0.048, memory: 49013, decode.loss_ce: 0.2123, decode.acc_seg: 73.7961, aux.loss_ce: 0.0909, aux.acc_seg: 73.3898, loss: 0.3032 2022-03-01 07:30:48,115 - mmseg - INFO - per class results: 2022-03-01 07:30:48,121 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.91 | 87.95 | | building | 82.99 | 94.3 | | sky | 94.69 | 97.3 | | floor | 81.02 | 90.14 | | tree | 74.85 | 89.63 | | ceiling | 84.48 | 91.04 | | road | 85.88 | 90.85 | | bed | 91.05 | 96.17 | | windowpane | 62.65 | 78.75 | | grass | 67.05 | 81.24 | | cabinet | 60.84 | 70.76 | | sidewalk | 68.41 | 84.51 | | person | 82.03 | 91.04 | | earth | 35.55 | 48.38 | | door | 51.2 | 72.0 | | table | 60.05 | 78.43 | | mountain | 56.91 | 70.02 | | plant | 50.33 | 64.22 | | curtain | 75.21 | 84.3 | | chair | 60.82 | 74.29 | | car | 85.01 | 93.33 | | water | 60.04 | 79.13 | | painting | 74.41 | 88.41 | | sofa | 70.4 | 85.65 | | shelf | 43.05 | 79.25 | | house | 36.15 | 41.41 | | sea | 57.66 | 66.03 | | mirror | 65.76 | 72.98 | | rug | 55.48 | 69.55 | | field | 28.04 | 43.03 | | armchair | 48.03 | 66.14 | | seat | 61.33 | 86.96 | | fence | 45.2 | 58.11 | | desk | 52.11 | 71.89 | | rock | 42.76 | 65.96 | | wardrobe | 48.56 | 59.64 | | lamp | 65.58 | 78.07 | | bathtub | 81.37 | 86.5 | | railing | 38.37 | 56.19 | | cushion | 60.92 | 74.83 | | base | 33.88 | 41.59 | | box | 26.94 | 32.83 | | column | 49.27 | 60.45 | | signboard | 36.34 | 51.47 | | chest of drawers | 40.56 | 61.0 | | counter | 36.04 | 53.39 | | sand | 53.87 | 77.0 | | sink | 75.86 | 84.09 | | skyscraper | 61.47 | 68.9 | | fireplace | 75.68 | 94.11 | | refrigerator | 77.08 | 85.58 | | grandstand | 47.86 | 77.44 | | path | 25.75 | 36.85 | | stairs | 28.06 | 33.65 | | runway | 67.2 | 87.57 | | case | 62.32 | 80.67 | | pool table | 92.68 | 97.15 | | pillow | 57.98 | 68.85 | | screen door | 69.8 | 75.15 | | stairway | 36.63 | 46.77 | | river | 13.05 | 25.98 | | bridge | 70.21 | 82.3 | | bookcase | 43.93 | 52.93 | | blind | 41.11 | 45.03 | | coffee table | 54.72 | 83.0 | | toilet | 84.96 | 92.15 | | flower | 40.31 | 54.29 | | book | 48.19 | 61.28 | | hill | 12.99 | 23.57 | | bench | 46.18 | 52.33 | | countertop | 63.58 | 74.36 | | stove | 79.0 | 88.21 | | palm | 52.76 | 81.61 | | kitchen island | 45.74 | 84.8 | | computer | 77.35 | 88.65 | | swivel chair | 42.74 | 59.56 | | boat | 51.94 | 68.7 | | bar | 32.76 | 38.81 | | arcade machine | 43.87 | 47.41 | | hovel | 19.92 | 20.32 | | bus | 90.69 | 96.36 | | towel | 68.47 | 81.6 | | light | 54.47 | 65.76 | | truck | 32.83 | 40.55 | | tower | 24.74 | 34.73 | | chandelier | 67.29 | 85.24 | | awning | 33.62 | 45.98 | | streetlight | 30.53 | 35.51 | | booth | 54.49 | 60.93 | | television receiver | 71.92 | 87.99 | | airplane | 65.02 | 70.13 | | dirt track | 3.83 | 8.21 | | apparel | 34.13 | 44.21 | | pole | 34.0 | 44.86 | | land | 2.17 | 3.74 | | bannister | 11.05 | 15.72 | | escalator | 54.33 | 75.79 | | ottoman | 48.89 | 67.7 | | bottle | 40.64 | 68.97 | | buffet | 49.66 | 57.15 | | poster | 31.49 | 39.05 | | stage | 18.97 | 49.97 | | van | 47.86 | 69.67 | | ship | 35.91 | 45.59 | | fountain | 36.31 | 36.91 | | conveyer belt | 75.84 | 91.69 | | canopy | 43.27 | 57.12 | | washer | 89.07 | 92.71 | | plaything | 20.07 | 31.45 | | swimming pool | 77.22 | 87.05 | | stool | 45.47 | 58.31 | | barrel | 54.28 | 66.98 | | basket | 41.7 | 53.51 | | waterfall | 65.51 | 73.98 | | tent | 86.23 | 98.19 | | bag | 14.91 | 19.08 | | minibike | 75.69 | 84.9 | | cradle | 77.41 | 97.72 | | oven | 60.38 | 70.99 | | ball | 46.63 | 71.25 | | food | 56.01 | 72.17 | | step | 6.83 | 7.18 | | tank | 62.02 | 64.58 | | trade name | 18.71 | 20.05 | | microwave | 87.88 | 94.05 | | pot | 48.96 | 57.85 | | animal | 58.82 | 60.04 | | bicycle | 57.15 | 74.63 | | lake | 62.18 | 63.59 | | dishwasher | 58.09 | 78.06 | | screen | 53.99 | 78.55 | | blanket | 16.4 | 20.07 | | sculpture | 66.79 | 82.78 | | hood | 55.44 | 58.51 | | sconce | 44.03 | 51.94 | | vase | 39.88 | 60.42 | | traffic light | 32.11 | 53.33 | | tray | 20.14 | 30.87 | | ashcan | 46.9 | 56.08 | | fan | 63.79 | 77.59 | | pier | 31.29 | 42.43 | | crt screen | 10.08 | 24.13 | | plate | 56.08 | 70.81 | | monitor | 33.35 | 40.31 | | bulletin board | 42.33 | 55.1 | | shower | 0.0 | 0.0 | | radiator | 62.52 | 70.08 | | glass | 16.15 | 17.53 | | clock | 40.69 | 49.06 | | flag | 64.08 | 72.64 | +---------------------+-------+-------+ 2022-03-01 07:30:48,122 - mmseg - INFO - Summary: 2022-03-01 07:30:48,122 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.73 | 51.84 | 63.93 | +-------+-------+-------+ 2022-03-01 07:30:48,127 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:30:48,128 - mmseg - INFO - Iter(val) [250] aAcc: 0.8373, mIoU: 0.5184, mAcc: 0.6393, IoU.wall: 0.7891, IoU.building: 0.8299, IoU.sky: 0.9469, IoU.floor: 0.8102, IoU.tree: 0.7485, IoU.ceiling: 0.8448, IoU.road: 0.8588, IoU.bed : 0.9105, IoU.windowpane: 0.6265, IoU.grass: 0.6705, IoU.cabinet: 0.6084, IoU.sidewalk: 0.6841, IoU.person: 0.8203, IoU.earth: 0.3555, IoU.door: 0.5120, IoU.table: 0.6005, IoU.mountain: 0.5691, IoU.plant: 0.5033, IoU.curtain: 0.7521, IoU.chair: 0.6082, IoU.car: 0.8501, IoU.water: 0.6004, IoU.painting: 0.7441, IoU.sofa: 0.7040, IoU.shelf: 0.4305, IoU.house: 0.3615, IoU.sea: 0.5766, IoU.mirror: 0.6576, IoU.rug: 0.5548, IoU.field: 0.2804, IoU.armchair: 0.4803, IoU.seat: 0.6133, IoU.fence: 0.4520, IoU.desk: 0.5211, IoU.rock: 0.4276, IoU.wardrobe: 0.4856, IoU.lamp: 0.6558, IoU.bathtub: 0.8137, IoU.railing: 0.3837, IoU.cushion: 0.6092, IoU.base: 0.3388, IoU.box: 0.2694, IoU.column: 0.4927, IoU.signboard: 0.3634, IoU.chest of drawers: 0.4056, IoU.counter: 0.3604, IoU.sand: 0.5387, IoU.sink: 0.7586, IoU.skyscraper: 0.6147, IoU.fireplace: 0.7568, IoU.refrigerator: 0.7708, IoU.grandstand: 0.4786, IoU.path: 0.2575, IoU.stairs: 0.2806, IoU.runway: 0.6720, IoU.case: 0.6232, IoU.pool table: 0.9268, IoU.pillow: 0.5798, IoU.screen door: 0.6980, IoU.stairway: 0.3663, IoU.river: 0.1305, IoU.bridge: 0.7021, IoU.bookcase: 0.4393, IoU.blind: 0.4111, IoU.coffee table: 0.5472, IoU.toilet: 0.8496, IoU.flower: 0.4031, IoU.book: 0.4819, IoU.hill: 0.1299, IoU.bench: 0.4618, IoU.countertop: 0.6358, IoU.stove: 0.7900, IoU.palm: 0.5276, IoU.kitchen island: 0.4574, IoU.computer: 0.7735, IoU.swivel chair: 0.4274, IoU.boat: 0.5194, IoU.bar: 0.3276, IoU.arcade machine: 0.4387, IoU.hovel: 0.1992, IoU.bus: 0.9069, IoU.towel: 0.6847, IoU.light: 0.5447, IoU.truck: 0.3283, IoU.tower: 0.2474, IoU.chandelier: 0.6729, IoU.awning: 0.3362, IoU.streetlight: 0.3053, IoU.booth: 0.5449, IoU.television receiver: 0.7192, IoU.airplane: 0.6502, IoU.dirt track: 0.0383, IoU.apparel: 0.3413, IoU.pole: 0.3400, IoU.land: 0.0217, IoU.bannister: 0.1105, IoU.escalator: 0.5433, IoU.ottoman: 0.4889, IoU.bottle: 0.4064, IoU.buffet: 0.4966, IoU.poster: 0.3149, IoU.stage: 0.1897, IoU.van: 0.4786, IoU.ship: 0.3591, IoU.fountain: 0.3631, IoU.conveyer belt: 0.7584, IoU.canopy: 0.4327, IoU.washer: 0.8907, IoU.plaything: 0.2007, IoU.swimming pool: 0.7722, IoU.stool: 0.4547, IoU.barrel: 0.5428, IoU.basket: 0.4170, IoU.waterfall: 0.6551, IoU.tent: 0.8623, IoU.bag: 0.1491, IoU.minibike: 0.7569, IoU.cradle: 0.7741, IoU.oven: 0.6038, IoU.ball: 0.4663, IoU.food: 0.5601, IoU.step: 0.0683, IoU.tank: 0.6202, IoU.trade name: 0.1871, IoU.microwave: 0.8788, IoU.pot: 0.4896, IoU.animal: 0.5882, IoU.bicycle: 0.5715, IoU.lake: 0.6218, IoU.dishwasher: 0.5809, IoU.screen: 0.5399, IoU.blanket: 0.1640, IoU.sculpture: 0.6679, IoU.hood: 0.5544, IoU.sconce: 0.4403, IoU.vase: 0.3988, IoU.traffic light: 0.3211, IoU.tray: 0.2014, IoU.ashcan: 0.4690, IoU.fan: 0.6379, IoU.pier: 0.3129, IoU.crt screen: 0.1008, IoU.plate: 0.5608, IoU.monitor: 0.3335, IoU.bulletin board: 0.4233, IoU.shower: 0.0000, IoU.radiator: 0.6252, IoU.glass: 0.1615, IoU.clock: 0.4069, IoU.flag: 0.6408, Acc.wall: 0.8795, Acc.building: 0.9430, Acc.sky: 0.9730, Acc.floor: 0.9014, Acc.tree: 0.8963, Acc.ceiling: 0.9104, Acc.road: 0.9085, Acc.bed : 0.9617, Acc.windowpane: 0.7875, Acc.grass: 0.8124, Acc.cabinet: 0.7076, Acc.sidewalk: 0.8451, Acc.person: 0.9104, Acc.earth: 0.4838, Acc.door: 0.7200, Acc.table: 0.7843, Acc.mountain: 0.7002, Acc.plant: 0.6422, Acc.curtain: 0.8430, Acc.chair: 0.7429, Acc.car: 0.9333, Acc.water: 0.7913, Acc.painting: 0.8841, Acc.sofa: 0.8565, Acc.shelf: 0.7925, Acc.house: 0.4141, Acc.sea: 0.6603, Acc.mirror: 0.7298, Acc.rug: 0.6955, Acc.field: 0.4303, Acc.armchair: 0.6614, Acc.seat: 0.8696, Acc.fence: 0.5811, Acc.desk: 0.7189, Acc.rock: 0.6596, Acc.wardrobe: 0.5964, Acc.lamp: 0.7807, Acc.bathtub: 0.8650, Acc.railing: 0.5619, Acc.cushion: 0.7483, Acc.base: 0.4159, Acc.box: 0.3283, Acc.column: 0.6045, Acc.signboard: 0.5147, Acc.chest of drawers: 0.6100, Acc.counter: 0.5339, Acc.sand: 0.7700, Acc.sink: 0.8409, Acc.skyscraper: 0.6890, Acc.fireplace: 0.9411, Acc.refrigerator: 0.8558, Acc.grandstand: 0.7744, Acc.path: 0.3685, Acc.stairs: 0.3365, Acc.runway: 0.8757, Acc.case: 0.8067, Acc.pool table: 0.9715, Acc.pillow: 0.6885, Acc.screen door: 0.7515, Acc.stairway: 0.4677, Acc.river: 0.2598, Acc.bridge: 0.8230, Acc.bookcase: 0.5293, Acc.blind: 0.4503, Acc.coffee table: 0.8300, Acc.toilet: 0.9215, Acc.flower: 0.5429, Acc.book: 0.6128, Acc.hill: 0.2357, Acc.bench: 0.5233, Acc.countertop: 0.7436, Acc.stove: 0.8821, Acc.palm: 0.8161, Acc.kitchen island: 0.8480, Acc.computer: 0.8865, Acc.swivel chair: 0.5956, Acc.boat: 0.6870, Acc.bar: 0.3881, Acc.arcade machine: 0.4741, Acc.hovel: 0.2032, Acc.bus: 0.9636, Acc.towel: 0.8160, Acc.light: 0.6576, Acc.truck: 0.4055, Acc.tower: 0.3473, Acc.chandelier: 0.8524, Acc.awning: 0.4598, Acc.streetlight: 0.3551, Acc.booth: 0.6093, Acc.television receiver: 0.8799, Acc.airplane: 0.7013, Acc.dirt track: 0.0821, Acc.apparel: 0.4421, Acc.pole: 0.4486, Acc.land: 0.0374, Acc.bannister: 0.1572, Acc.escalator: 0.7579, Acc.ottoman: 0.6770, Acc.bottle: 0.6897, Acc.buffet: 0.5715, Acc.poster: 0.3905, Acc.stage: 0.4997, Acc.van: 0.6967, Acc.ship: 0.4559, Acc.fountain: 0.3691, Acc.conveyer belt: 0.9169, Acc.canopy: 0.5712, Acc.washer: 0.9271, Acc.plaything: 0.3145, Acc.swimming pool: 0.8705, Acc.stool: 0.5831, Acc.barrel: 0.6698, Acc.basket: 0.5351, Acc.waterfall: 0.7398, Acc.tent: 0.9819, Acc.bag: 0.1908, Acc.minibike: 0.8490, Acc.cradle: 0.9772, Acc.oven: 0.7099, Acc.ball: 0.7125, Acc.food: 0.7217, Acc.step: 0.0718, Acc.tank: 0.6458, Acc.trade name: 0.2005, Acc.microwave: 0.9405, Acc.pot: 0.5785, Acc.animal: 0.6004, Acc.bicycle: 0.7463, Acc.lake: 0.6359, Acc.dishwasher: 0.7806, Acc.screen: 0.7855, Acc.blanket: 0.2007, Acc.sculpture: 0.8278, Acc.hood: 0.5851, Acc.sconce: 0.5194, Acc.vase: 0.6042, Acc.traffic light: 0.5333, Acc.tray: 0.3087, Acc.ashcan: 0.5608, Acc.fan: 0.7759, Acc.pier: 0.4243, Acc.crt screen: 0.2413, Acc.plate: 0.7081, Acc.monitor: 0.4031, Acc.bulletin board: 0.5510, Acc.shower: 0.0000, Acc.radiator: 0.7008, Acc.glass: 0.1753, Acc.clock: 0.4906, Acc.flag: 0.7264 2022-03-01 07:31:06,306 - mmseg - INFO - Iter [48050/160000] lr: 1.399e-05, eta: 11:11:54, time: 0.928, data_time: 0.570, memory: 49013, decode.loss_ce: 0.1858, decode.acc_seg: 74.2286, aux.loss_ce: 0.0792, aux.acc_seg: 73.8916, loss: 0.2650 2022-03-01 07:31:23,991 - mmseg - INFO - Iter [48100/160000] lr: 1.399e-05, eta: 11:11:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1975, decode.acc_seg: 74.7384, aux.loss_ce: 0.0834, aux.acc_seg: 74.4466, loss: 0.2809 2022-03-01 07:31:41,798 - mmseg - INFO - Iter [48150/160000] lr: 1.398e-05, eta: 11:11:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1934, decode.acc_seg: 73.6114, aux.loss_ce: 0.0821, aux.acc_seg: 73.3214, loss: 0.2755 2022-03-01 07:31:59,630 - mmseg - INFO - Iter [48200/160000] lr: 1.398e-05, eta: 11:10:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2024, decode.acc_seg: 74.1943, aux.loss_ce: 0.0866, aux.acc_seg: 73.8491, loss: 0.2891 2022-03-01 07:32:17,290 - mmseg - INFO - Iter [48250/160000] lr: 1.397e-05, eta: 11:10:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1969, decode.acc_seg: 74.3812, aux.loss_ce: 0.0845, aux.acc_seg: 73.9956, loss: 0.2814 2022-03-01 07:32:35,147 - mmseg - INFO - Iter [48300/160000] lr: 1.396e-05, eta: 11:10:21, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1774, decode.acc_seg: 75.8552, aux.loss_ce: 0.0771, aux.acc_seg: 75.4480, loss: 0.2545 2022-03-01 07:32:53,025 - mmseg - INFO - Iter [48350/160000] lr: 1.396e-05, eta: 11:10:03, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1821, decode.acc_seg: 75.1848, aux.loss_ce: 0.0783, aux.acc_seg: 74.8774, loss: 0.2604 2022-03-01 07:33:10,963 - mmseg - INFO - Iter [48400/160000] lr: 1.395e-05, eta: 11:09:45, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1899, decode.acc_seg: 74.4341, aux.loss_ce: 0.0809, aux.acc_seg: 74.0761, loss: 0.2708 2022-03-01 07:33:28,629 - mmseg - INFO - Iter [48450/160000] lr: 1.394e-05, eta: 11:09:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1927, decode.acc_seg: 74.4549, aux.loss_ce: 0.0826, aux.acc_seg: 74.0601, loss: 0.2753 2022-03-01 07:33:46,328 - mmseg - INFO - Iter [48500/160000] lr: 1.394e-05, eta: 11:09:07, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1917, decode.acc_seg: 73.3986, aux.loss_ce: 0.0815, aux.acc_seg: 73.1730, loss: 0.2732 2022-03-01 07:34:04,044 - mmseg - INFO - Iter [48550/160000] lr: 1.393e-05, eta: 11:08:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1904, decode.acc_seg: 74.6726, aux.loss_ce: 0.0813, aux.acc_seg: 74.3308, loss: 0.2717 2022-03-01 07:34:21,670 - mmseg - INFO - Iter [48600/160000] lr: 1.393e-05, eta: 11:08:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1803, decode.acc_seg: 73.6848, aux.loss_ce: 0.0782, aux.acc_seg: 73.3032, loss: 0.2584 2022-03-01 07:34:39,546 - mmseg - INFO - Iter [48650/160000] lr: 1.392e-05, eta: 11:08:12, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1908, decode.acc_seg: 73.1547, aux.loss_ce: 0.0820, aux.acc_seg: 72.8194, loss: 0.2728 2022-03-01 07:34:57,180 - mmseg - INFO - Iter [48700/160000] lr: 1.391e-05, eta: 11:07:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1813, decode.acc_seg: 74.9680, aux.loss_ce: 0.0784, aux.acc_seg: 74.5512, loss: 0.2597 2022-03-01 07:35:14,918 - mmseg - INFO - Iter [48750/160000] lr: 1.391e-05, eta: 11:07:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1811, decode.acc_seg: 75.2461, aux.loss_ce: 0.0777, aux.acc_seg: 74.9212, loss: 0.2588 2022-03-01 07:35:32,681 - mmseg - INFO - Iter [48800/160000] lr: 1.390e-05, eta: 11:07:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1894, decode.acc_seg: 74.9041, aux.loss_ce: 0.0827, aux.acc_seg: 74.5003, loss: 0.2721 2022-03-01 07:35:50,469 - mmseg - INFO - Iter [48850/160000] lr: 1.389e-05, eta: 11:06:57, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1927, decode.acc_seg: 73.3690, aux.loss_ce: 0.0824, aux.acc_seg: 72.9791, loss: 0.2751 2022-03-01 07:36:08,112 - mmseg - INFO - Iter [48900/160000] lr: 1.389e-05, eta: 11:06:38, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1916, decode.acc_seg: 74.6368, aux.loss_ce: 0.0821, aux.acc_seg: 74.3041, loss: 0.2736 2022-03-01 07:36:25,868 - mmseg - INFO - Iter [48950/160000] lr: 1.388e-05, eta: 11:06:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1911, decode.acc_seg: 74.1539, aux.loss_ce: 0.0828, aux.acc_seg: 73.7190, loss: 0.2740 2022-03-01 07:36:43,655 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:36:43,655 - mmseg - INFO - Iter [49000/160000] lr: 1.388e-05, eta: 11:06:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1964, decode.acc_seg: 75.4323, aux.loss_ce: 0.0831, aux.acc_seg: 75.2265, loss: 0.2794 2022-03-01 07:37:01,555 - mmseg - INFO - Iter [49050/160000] lr: 1.387e-05, eta: 11:05:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1969, decode.acc_seg: 75.6058, aux.loss_ce: 0.0847, aux.acc_seg: 75.2047, loss: 0.2816 2022-03-01 07:37:19,348 - mmseg - INFO - Iter [49100/160000] lr: 1.386e-05, eta: 11:05:24, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1901, decode.acc_seg: 73.4384, aux.loss_ce: 0.0808, aux.acc_seg: 73.2072, loss: 0.2709 2022-03-01 07:37:37,113 - mmseg - INFO - Iter [49150/160000] lr: 1.386e-05, eta: 11:05:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1930, decode.acc_seg: 74.1828, aux.loss_ce: 0.0828, aux.acc_seg: 73.8850, loss: 0.2758 2022-03-01 07:37:55,043 - mmseg - INFO - Iter [49200/160000] lr: 1.385e-05, eta: 11:04:48, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1938, decode.acc_seg: 74.6166, aux.loss_ce: 0.0837, aux.acc_seg: 74.1601, loss: 0.2776 2022-03-01 07:38:13,058 - mmseg - INFO - Iter [49250/160000] lr: 1.384e-05, eta: 11:04:30, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1955, decode.acc_seg: 73.6386, aux.loss_ce: 0.0837, aux.acc_seg: 73.2422, loss: 0.2792 2022-03-01 07:38:33,264 - mmseg - INFO - Iter [49300/160000] lr: 1.384e-05, eta: 11:04:17, time: 0.404, data_time: 0.053, memory: 49013, decode.loss_ce: 0.1892, decode.acc_seg: 74.4191, aux.loss_ce: 0.0810, aux.acc_seg: 74.0526, loss: 0.2702 2022-03-01 07:38:51,082 - mmseg - INFO - Iter [49350/160000] lr: 1.383e-05, eta: 11:03:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1762, decode.acc_seg: 74.2807, aux.loss_ce: 0.0758, aux.acc_seg: 73.8312, loss: 0.2520 2022-03-01 07:39:08,919 - mmseg - INFO - Iter [49400/160000] lr: 1.383e-05, eta: 11:03:40, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1785, decode.acc_seg: 74.0396, aux.loss_ce: 0.0770, aux.acc_seg: 73.6532, loss: 0.2554 2022-03-01 07:39:26,685 - mmseg - INFO - Iter [49450/160000] lr: 1.382e-05, eta: 11:03:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1929, decode.acc_seg: 74.5634, aux.loss_ce: 0.0829, aux.acc_seg: 74.2672, loss: 0.2757 2022-03-01 07:39:44,412 - mmseg - INFO - Iter [49500/160000] lr: 1.381e-05, eta: 11:03:03, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1803, decode.acc_seg: 74.1998, aux.loss_ce: 0.0774, aux.acc_seg: 73.8270, loss: 0.2577 2022-03-01 07:40:02,108 - mmseg - INFO - Iter [49550/160000] lr: 1.381e-05, eta: 11:02:44, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1871, decode.acc_seg: 74.0685, aux.loss_ce: 0.0818, aux.acc_seg: 73.6123, loss: 0.2690 2022-03-01 07:40:19,760 - mmseg - INFO - Iter [49600/160000] lr: 1.380e-05, eta: 11:02:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1774, decode.acc_seg: 76.1791, aux.loss_ce: 0.0770, aux.acc_seg: 75.7430, loss: 0.2544 2022-03-01 07:40:37,827 - mmseg - INFO - Iter [49650/160000] lr: 1.379e-05, eta: 11:02:08, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1783, decode.acc_seg: 75.3525, aux.loss_ce: 0.0767, aux.acc_seg: 74.8489, loss: 0.2549 2022-03-01 07:40:55,441 - mmseg - INFO - Iter [49700/160000] lr: 1.379e-05, eta: 11:01:49, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1848, decode.acc_seg: 75.0404, aux.loss_ce: 0.0802, aux.acc_seg: 74.5937, loss: 0.2650 2022-03-01 07:41:13,308 - mmseg - INFO - Iter [49750/160000] lr: 1.378e-05, eta: 11:01:30, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1852, decode.acc_seg: 74.2383, aux.loss_ce: 0.0811, aux.acc_seg: 73.7866, loss: 0.2663 2022-03-01 07:41:31,086 - mmseg - INFO - Iter [49800/160000] lr: 1.378e-05, eta: 11:01:12, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1834, decode.acc_seg: 74.8044, aux.loss_ce: 0.0783, aux.acc_seg: 74.5685, loss: 0.2617 2022-03-01 07:41:48,896 - mmseg - INFO - Iter [49850/160000] lr: 1.377e-05, eta: 11:00:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1809, decode.acc_seg: 73.3970, aux.loss_ce: 0.0783, aux.acc_seg: 72.9720, loss: 0.2592 2022-03-01 07:42:06,760 - mmseg - INFO - Iter [49900/160000] lr: 1.376e-05, eta: 11:00:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1842, decode.acc_seg: 73.9023, aux.loss_ce: 0.0792, aux.acc_seg: 73.5135, loss: 0.2634 2022-03-01 07:42:24,528 - mmseg - INFO - Iter [49950/160000] lr: 1.376e-05, eta: 11:00:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1701, decode.acc_seg: 73.7121, aux.loss_ce: 0.0736, aux.acc_seg: 73.3621, loss: 0.2437 2022-03-01 07:42:42,208 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:42:42,209 - mmseg - INFO - Iter [50000/160000] lr: 1.375e-05, eta: 10:59:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1934, decode.acc_seg: 74.5882, aux.loss_ce: 0.0820, aux.acc_seg: 74.2143, loss: 0.2755 2022-03-01 07:42:59,971 - mmseg - INFO - Iter [50050/160000] lr: 1.374e-05, eta: 10:59:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2071, decode.acc_seg: 74.1129, aux.loss_ce: 0.0870, aux.acc_seg: 73.7212, loss: 0.2942 2022-03-01 07:43:17,836 - mmseg - INFO - Iter [50100/160000] lr: 1.374e-05, eta: 10:59:21, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1889, decode.acc_seg: 75.6643, aux.loss_ce: 0.0816, aux.acc_seg: 75.1948, loss: 0.2706 2022-03-01 07:43:35,772 - mmseg - INFO - Iter [50150/160000] lr: 1.373e-05, eta: 10:59:03, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1793, decode.acc_seg: 74.5101, aux.loss_ce: 0.0769, aux.acc_seg: 74.1067, loss: 0.2562 2022-03-01 07:43:53,415 - mmseg - INFO - Iter [50200/160000] lr: 1.373e-05, eta: 10:58:44, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1813, decode.acc_seg: 73.3493, aux.loss_ce: 0.0796, aux.acc_seg: 72.9343, loss: 0.2608 2022-03-01 07:44:11,094 - mmseg - INFO - Iter [50250/160000] lr: 1.372e-05, eta: 10:58:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1900, decode.acc_seg: 74.5303, aux.loss_ce: 0.0809, aux.acc_seg: 74.1787, loss: 0.2709 2022-03-01 07:44:28,865 - mmseg - INFO - Iter [50300/160000] lr: 1.371e-05, eta: 10:58:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1933, decode.acc_seg: 73.1571, aux.loss_ce: 0.0825, aux.acc_seg: 72.8008, loss: 0.2758 2022-03-01 07:44:46,684 - mmseg - INFO - Iter [50350/160000] lr: 1.371e-05, eta: 10:57:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1871, decode.acc_seg: 74.0794, aux.loss_ce: 0.0811, aux.acc_seg: 73.7110, loss: 0.2682 2022-03-01 07:45:04,513 - mmseg - INFO - Iter [50400/160000] lr: 1.370e-05, eta: 10:57:30, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1803, decode.acc_seg: 74.4432, aux.loss_ce: 0.0779, aux.acc_seg: 73.9614, loss: 0.2583 2022-03-01 07:45:22,306 - mmseg - INFO - Iter [50450/160000] lr: 1.369e-05, eta: 10:57:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1880, decode.acc_seg: 73.4431, aux.loss_ce: 0.0804, aux.acc_seg: 73.1197, loss: 0.2684 2022-03-01 07:45:40,152 - mmseg - INFO - Iter [50500/160000] lr: 1.369e-05, eta: 10:56:53, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1957, decode.acc_seg: 73.7173, aux.loss_ce: 0.0835, aux.acc_seg: 73.3382, loss: 0.2792 2022-03-01 07:46:00,107 - mmseg - INFO - Iter [50550/160000] lr: 1.368e-05, eta: 10:56:40, time: 0.399, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1878, decode.acc_seg: 76.3159, aux.loss_ce: 0.0809, aux.acc_seg: 76.0080, loss: 0.2687 2022-03-01 07:46:18,315 - mmseg - INFO - Iter [50600/160000] lr: 1.368e-05, eta: 10:56:22, time: 0.364, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1805, decode.acc_seg: 76.3380, aux.loss_ce: 0.0785, aux.acc_seg: 75.9329, loss: 0.2590 2022-03-01 07:46:35,893 - mmseg - INFO - Iter [50650/160000] lr: 1.367e-05, eta: 10:56:03, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1838, decode.acc_seg: 75.7086, aux.loss_ce: 0.0784, aux.acc_seg: 75.3377, loss: 0.2621 2022-03-01 07:46:53,598 - mmseg - INFO - Iter [50700/160000] lr: 1.366e-05, eta: 10:55:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1735, decode.acc_seg: 75.2732, aux.loss_ce: 0.0752, aux.acc_seg: 74.9035, loss: 0.2487 2022-03-01 07:47:11,292 - mmseg - INFO - Iter [50750/160000] lr: 1.366e-05, eta: 10:55:26, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1712, decode.acc_seg: 75.1923, aux.loss_ce: 0.0740, aux.acc_seg: 74.8780, loss: 0.2453 2022-03-01 07:47:29,066 - mmseg - INFO - Iter [50800/160000] lr: 1.365e-05, eta: 10:55:08, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1701, decode.acc_seg: 76.4122, aux.loss_ce: 0.0733, aux.acc_seg: 76.0772, loss: 0.2434 2022-03-01 07:47:47,239 - mmseg - INFO - Iter [50850/160000] lr: 1.364e-05, eta: 10:54:50, time: 0.363, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1880, decode.acc_seg: 74.8594, aux.loss_ce: 0.0813, aux.acc_seg: 74.5229, loss: 0.2693 2022-03-01 07:48:05,246 - mmseg - INFO - Iter [50900/160000] lr: 1.364e-05, eta: 10:54:32, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1721, decode.acc_seg: 75.3387, aux.loss_ce: 0.0749, aux.acc_seg: 74.9253, loss: 0.2470 2022-03-01 07:48:23,102 - mmseg - INFO - Iter [50950/160000] lr: 1.363e-05, eta: 10:54:14, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1824, decode.acc_seg: 73.3216, aux.loss_ce: 0.0786, aux.acc_seg: 72.9400, loss: 0.2609 2022-03-01 07:48:40,722 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:48:40,722 - mmseg - INFO - Iter [51000/160000] lr: 1.363e-05, eta: 10:53:55, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1763, decode.acc_seg: 73.1061, aux.loss_ce: 0.0758, aux.acc_seg: 72.7409, loss: 0.2521 2022-03-01 07:48:58,538 - mmseg - INFO - Iter [51050/160000] lr: 1.362e-05, eta: 10:53:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1729, decode.acc_seg: 74.6174, aux.loss_ce: 0.0740, aux.acc_seg: 74.2644, loss: 0.2469 2022-03-01 07:49:16,444 - mmseg - INFO - Iter [51100/160000] lr: 1.361e-05, eta: 10:53:18, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1658, decode.acc_seg: 74.0914, aux.loss_ce: 0.0722, aux.acc_seg: 73.7266, loss: 0.2380 2022-03-01 07:49:34,325 - mmseg - INFO - Iter [51150/160000] lr: 1.361e-05, eta: 10:53:00, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1791, decode.acc_seg: 74.9396, aux.loss_ce: 0.0772, aux.acc_seg: 74.5191, loss: 0.2564 2022-03-01 07:49:51,924 - mmseg - INFO - Iter [51200/160000] lr: 1.360e-05, eta: 10:52:41, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1905, decode.acc_seg: 73.4897, aux.loss_ce: 0.0818, aux.acc_seg: 73.1694, loss: 0.2723 2022-03-01 07:50:09,771 - mmseg - INFO - Iter [51250/160000] lr: 1.359e-05, eta: 10:52:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1835, decode.acc_seg: 75.5685, aux.loss_ce: 0.0788, aux.acc_seg: 75.1507, loss: 0.2623 2022-03-01 07:50:27,516 - mmseg - INFO - Iter [51300/160000] lr: 1.359e-05, eta: 10:52:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1887, decode.acc_seg: 74.1878, aux.loss_ce: 0.0807, aux.acc_seg: 73.8630, loss: 0.2695 2022-03-01 07:50:45,130 - mmseg - INFO - Iter [51350/160000] lr: 1.358e-05, eta: 10:51:45, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1750, decode.acc_seg: 74.3428, aux.loss_ce: 0.0752, aux.acc_seg: 74.0301, loss: 0.2502 2022-03-01 07:51:02,778 - mmseg - INFO - Iter [51400/160000] lr: 1.358e-05, eta: 10:51:27, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1790, decode.acc_seg: 75.8371, aux.loss_ce: 0.0775, aux.acc_seg: 75.4046, loss: 0.2565 2022-03-01 07:51:20,557 - mmseg - INFO - Iter [51450/160000] lr: 1.357e-05, eta: 10:51:08, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1665, decode.acc_seg: 75.5239, aux.loss_ce: 0.0724, aux.acc_seg: 75.0925, loss: 0.2389 2022-03-01 07:51:38,419 - mmseg - INFO - Iter [51500/160000] lr: 1.356e-05, eta: 10:50:50, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1814, decode.acc_seg: 73.6083, aux.loss_ce: 0.0787, aux.acc_seg: 73.1996, loss: 0.2600 2022-03-01 07:51:56,088 - mmseg - INFO - Iter [51550/160000] lr: 1.356e-05, eta: 10:50:31, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1858, decode.acc_seg: 74.9933, aux.loss_ce: 0.0802, aux.acc_seg: 74.6081, loss: 0.2661 2022-03-01 07:52:13,811 - mmseg - INFO - Iter [51600/160000] lr: 1.355e-05, eta: 10:50:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1845, decode.acc_seg: 76.1559, aux.loss_ce: 0.0802, aux.acc_seg: 75.7239, loss: 0.2647 2022-03-01 07:52:31,603 - mmseg - INFO - Iter [51650/160000] lr: 1.354e-05, eta: 10:49:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1769, decode.acc_seg: 74.9136, aux.loss_ce: 0.0767, aux.acc_seg: 74.5245, loss: 0.2536 2022-03-01 07:52:49,388 - mmseg - INFO - Iter [51700/160000] lr: 1.354e-05, eta: 10:49:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1861, decode.acc_seg: 74.6335, aux.loss_ce: 0.0800, aux.acc_seg: 74.2307, loss: 0.2661 2022-03-01 07:53:07,099 - mmseg - INFO - Iter [51750/160000] lr: 1.353e-05, eta: 10:49:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.2047, decode.acc_seg: 75.3091, aux.loss_ce: 0.0879, aux.acc_seg: 74.9449, loss: 0.2926 2022-03-01 07:53:27,193 - mmseg - INFO - Iter [51800/160000] lr: 1.353e-05, eta: 10:49:04, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1995, decode.acc_seg: 75.6688, aux.loss_ce: 0.0836, aux.acc_seg: 75.3105, loss: 0.2831 2022-03-01 07:53:45,018 - mmseg - INFO - Iter [51850/160000] lr: 1.352e-05, eta: 10:48:45, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1757, decode.acc_seg: 73.3319, aux.loss_ce: 0.0750, aux.acc_seg: 72.9112, loss: 0.2507 2022-03-01 07:54:02,682 - mmseg - INFO - Iter [51900/160000] lr: 1.351e-05, eta: 10:48:27, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1831, decode.acc_seg: 72.9370, aux.loss_ce: 0.0779, aux.acc_seg: 72.6707, loss: 0.2610 2022-03-01 07:54:20,359 - mmseg - INFO - Iter [51950/160000] lr: 1.351e-05, eta: 10:48:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1737, decode.acc_seg: 74.6413, aux.loss_ce: 0.0755, aux.acc_seg: 74.2507, loss: 0.2492 2022-03-01 07:54:38,136 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 07:54:38,136 - mmseg - INFO - Iter [52000/160000] lr: 1.350e-05, eta: 10:47:50, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1781, decode.acc_seg: 75.1528, aux.loss_ce: 0.0767, aux.acc_seg: 74.7998, loss: 0.2547 2022-03-01 07:54:55,803 - mmseg - INFO - Iter [52050/160000] lr: 1.349e-05, eta: 10:47:31, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1862, decode.acc_seg: 75.8879, aux.loss_ce: 0.0799, aux.acc_seg: 75.5068, loss: 0.2662 2022-03-01 07:55:13,470 - mmseg - INFO - Iter [52100/160000] lr: 1.349e-05, eta: 10:47:12, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1942, decode.acc_seg: 73.2337, aux.loss_ce: 0.0833, aux.acc_seg: 72.8801, loss: 0.2775 2022-03-01 07:55:31,387 - mmseg - INFO - Iter [52150/160000] lr: 1.348e-05, eta: 10:46:54, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1863, decode.acc_seg: 74.7018, aux.loss_ce: 0.0806, aux.acc_seg: 74.2727, loss: 0.2669 2022-03-01 07:55:49,091 - mmseg - INFO - Iter [52200/160000] lr: 1.348e-05, eta: 10:46:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1820, decode.acc_seg: 75.2689, aux.loss_ce: 0.0782, aux.acc_seg: 74.9475, loss: 0.2602 2022-03-01 07:56:06,950 - mmseg - INFO - Iter [52250/160000] lr: 1.347e-05, eta: 10:46:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1795, decode.acc_seg: 75.4515, aux.loss_ce: 0.0774, aux.acc_seg: 75.1059, loss: 0.2569 2022-03-01 07:56:24,585 - mmseg - INFO - Iter [52300/160000] lr: 1.346e-05, eta: 10:45:58, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1908, decode.acc_seg: 75.0307, aux.loss_ce: 0.0818, aux.acc_seg: 74.6374, loss: 0.2726 2022-03-01 07:56:42,245 - mmseg - INFO - Iter [52350/160000] lr: 1.346e-05, eta: 10:45:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1912, decode.acc_seg: 74.8886, aux.loss_ce: 0.0811, aux.acc_seg: 74.5985, loss: 0.2723 2022-03-01 07:56:59,949 - mmseg - INFO - Iter [52400/160000] lr: 1.345e-05, eta: 10:45:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1846, decode.acc_seg: 74.3668, aux.loss_ce: 0.0777, aux.acc_seg: 74.0910, loss: 0.2623 2022-03-01 07:57:18,007 - mmseg - INFO - Iter [52450/160000] lr: 1.344e-05, eta: 10:45:03, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1944, decode.acc_seg: 74.7614, aux.loss_ce: 0.0820, aux.acc_seg: 74.4104, loss: 0.2764 2022-03-01 07:57:35,739 - mmseg - INFO - Iter [52500/160000] lr: 1.344e-05, eta: 10:44:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1712, decode.acc_seg: 74.5767, aux.loss_ce: 0.0740, aux.acc_seg: 74.1959, loss: 0.2452 2022-03-01 07:57:53,533 - mmseg - INFO - Iter [52550/160000] lr: 1.343e-05, eta: 10:44:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1882, decode.acc_seg: 76.2908, aux.loss_ce: 0.0803, aux.acc_seg: 75.9202, loss: 0.2685 2022-03-01 07:58:11,346 - mmseg - INFO - Iter [52600/160000] lr: 1.343e-05, eta: 10:44:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1747, decode.acc_seg: 74.6046, aux.loss_ce: 0.0749, aux.acc_seg: 74.2241, loss: 0.2496 2022-03-01 07:58:29,035 - mmseg - INFO - Iter [52650/160000] lr: 1.342e-05, eta: 10:43:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1824, decode.acc_seg: 76.2944, aux.loss_ce: 0.0780, aux.acc_seg: 75.9698, loss: 0.2604 2022-03-01 07:58:46,797 - mmseg - INFO - Iter [52700/160000] lr: 1.341e-05, eta: 10:43:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1738, decode.acc_seg: 74.9235, aux.loss_ce: 0.0754, aux.acc_seg: 74.4992, loss: 0.2492 2022-03-01 07:59:04,767 - mmseg - INFO - Iter [52750/160000] lr: 1.341e-05, eta: 10:43:13, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1704, decode.acc_seg: 73.9836, aux.loss_ce: 0.0735, aux.acc_seg: 73.6177, loss: 0.2439 2022-03-01 07:59:22,449 - mmseg - INFO - Iter [52800/160000] lr: 1.340e-05, eta: 10:42:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1994, decode.acc_seg: 74.5436, aux.loss_ce: 0.0845, aux.acc_seg: 74.3145, loss: 0.2839 2022-03-01 07:59:40,245 - mmseg - INFO - Iter [52850/160000] lr: 1.339e-05, eta: 10:42:36, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1733, decode.acc_seg: 74.2587, aux.loss_ce: 0.0738, aux.acc_seg: 73.9115, loss: 0.2472 2022-03-01 07:59:57,938 - mmseg - INFO - Iter [52900/160000] lr: 1.339e-05, eta: 10:42:17, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1782, decode.acc_seg: 75.1229, aux.loss_ce: 0.0773, aux.acc_seg: 74.6385, loss: 0.2555 2022-03-01 08:00:15,591 - mmseg - INFO - Iter [52950/160000] lr: 1.338e-05, eta: 10:41:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1810, decode.acc_seg: 74.4550, aux.loss_ce: 0.0771, aux.acc_seg: 74.1689, loss: 0.2581 2022-03-01 08:00:33,307 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:00:33,307 - mmseg - INFO - Iter [53000/160000] lr: 1.338e-05, eta: 10:41:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1779, decode.acc_seg: 74.1637, aux.loss_ce: 0.0771, aux.acc_seg: 73.7836, loss: 0.2550 2022-03-01 08:00:53,504 - mmseg - INFO - Iter [53050/160000] lr: 1.337e-05, eta: 10:41:27, time: 0.404, data_time: 0.049, memory: 49013, decode.loss_ce: 0.2111, decode.acc_seg: 74.3817, aux.loss_ce: 0.0881, aux.acc_seg: 74.1644, loss: 0.2992 2022-03-01 08:01:11,231 - mmseg - INFO - Iter [53100/160000] lr: 1.336e-05, eta: 10:41:08, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1918, decode.acc_seg: 75.0756, aux.loss_ce: 0.0816, aux.acc_seg: 74.6740, loss: 0.2734 2022-03-01 08:01:29,112 - mmseg - INFO - Iter [53150/160000] lr: 1.336e-05, eta: 10:40:50, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1780, decode.acc_seg: 74.6525, aux.loss_ce: 0.0769, aux.acc_seg: 74.2733, loss: 0.2549 2022-03-01 08:01:46,833 - mmseg - INFO - Iter [53200/160000] lr: 1.335e-05, eta: 10:40:31, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1794, decode.acc_seg: 74.7765, aux.loss_ce: 0.0766, aux.acc_seg: 74.5283, loss: 0.2560 2022-03-01 08:02:04,549 - mmseg - INFO - Iter [53250/160000] lr: 1.334e-05, eta: 10:40:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1731, decode.acc_seg: 75.4993, aux.loss_ce: 0.0739, aux.acc_seg: 75.1763, loss: 0.2470 2022-03-01 08:02:22,489 - mmseg - INFO - Iter [53300/160000] lr: 1.334e-05, eta: 10:39:55, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1792, decode.acc_seg: 76.1517, aux.loss_ce: 0.0777, aux.acc_seg: 75.7914, loss: 0.2570 2022-03-01 08:02:40,212 - mmseg - INFO - Iter [53350/160000] lr: 1.333e-05, eta: 10:39:36, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1772, decode.acc_seg: 74.1062, aux.loss_ce: 0.0762, aux.acc_seg: 73.8167, loss: 0.2533 2022-03-01 08:02:58,050 - mmseg - INFO - Iter [53400/160000] lr: 1.333e-05, eta: 10:39:18, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1914, decode.acc_seg: 74.8119, aux.loss_ce: 0.0819, aux.acc_seg: 74.3745, loss: 0.2733 2022-03-01 08:03:15,897 - mmseg - INFO - Iter [53450/160000] lr: 1.332e-05, eta: 10:38:59, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1823, decode.acc_seg: 74.8440, aux.loss_ce: 0.0788, aux.acc_seg: 74.4452, loss: 0.2611 2022-03-01 08:03:33,720 - mmseg - INFO - Iter [53500/160000] lr: 1.331e-05, eta: 10:38:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1811, decode.acc_seg: 74.2646, aux.loss_ce: 0.0779, aux.acc_seg: 73.9205, loss: 0.2590 2022-03-01 08:03:51,613 - mmseg - INFO - Iter [53550/160000] lr: 1.331e-05, eta: 10:38:23, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1723, decode.acc_seg: 74.8727, aux.loss_ce: 0.0750, aux.acc_seg: 74.4254, loss: 0.2474 2022-03-01 08:04:09,322 - mmseg - INFO - Iter [53600/160000] lr: 1.330e-05, eta: 10:38:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1784, decode.acc_seg: 74.7209, aux.loss_ce: 0.0769, aux.acc_seg: 74.3901, loss: 0.2553 2022-03-01 08:04:26,948 - mmseg - INFO - Iter [53650/160000] lr: 1.329e-05, eta: 10:37:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1686, decode.acc_seg: 75.5693, aux.loss_ce: 0.0736, aux.acc_seg: 75.1797, loss: 0.2422 2022-03-01 08:04:44,602 - mmseg - INFO - Iter [53700/160000] lr: 1.329e-05, eta: 10:37:27, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1807, decode.acc_seg: 75.9174, aux.loss_ce: 0.0776, aux.acc_seg: 75.5881, loss: 0.2583 2022-03-01 08:05:02,498 - mmseg - INFO - Iter [53750/160000] lr: 1.328e-05, eta: 10:37:09, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1818, decode.acc_seg: 75.5484, aux.loss_ce: 0.0785, aux.acc_seg: 75.1727, loss: 0.2603 2022-03-01 08:05:20,158 - mmseg - INFO - Iter [53800/160000] lr: 1.328e-05, eta: 10:36:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1766, decode.acc_seg: 74.0593, aux.loss_ce: 0.0768, aux.acc_seg: 73.6891, loss: 0.2533 2022-03-01 08:05:37,927 - mmseg - INFO - Iter [53850/160000] lr: 1.327e-05, eta: 10:36:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1855, decode.acc_seg: 73.7286, aux.loss_ce: 0.0803, aux.acc_seg: 73.3268, loss: 0.2659 2022-03-01 08:05:55,729 - mmseg - INFO - Iter [53900/160000] lr: 1.326e-05, eta: 10:36:13, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1804, decode.acc_seg: 74.5739, aux.loss_ce: 0.0766, aux.acc_seg: 74.3490, loss: 0.2570 2022-03-01 08:06:13,427 - mmseg - INFO - Iter [53950/160000] lr: 1.326e-05, eta: 10:35:55, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1729, decode.acc_seg: 73.7558, aux.loss_ce: 0.0739, aux.acc_seg: 73.3938, loss: 0.2468 2022-03-01 08:06:31,158 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:06:31,159 - mmseg - INFO - Iter [54000/160000] lr: 1.325e-05, eta: 10:35:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1766, decode.acc_seg: 74.9284, aux.loss_ce: 0.0749, aux.acc_seg: 74.6056, loss: 0.2515 2022-03-01 08:06:48,878 - mmseg - INFO - Iter [54050/160000] lr: 1.324e-05, eta: 10:35:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1933, decode.acc_seg: 74.2694, aux.loss_ce: 0.0808, aux.acc_seg: 74.0819, loss: 0.2741 2022-03-01 08:07:06,680 - mmseg - INFO - Iter [54100/160000] lr: 1.324e-05, eta: 10:34:59, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1812, decode.acc_seg: 74.0571, aux.loss_ce: 0.0772, aux.acc_seg: 73.7625, loss: 0.2584 2022-03-01 08:07:24,451 - mmseg - INFO - Iter [54150/160000] lr: 1.323e-05, eta: 10:34:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1733, decode.acc_seg: 73.7782, aux.loss_ce: 0.0753, aux.acc_seg: 73.3832, loss: 0.2487 2022-03-01 08:07:41,986 - mmseg - INFO - Iter [54200/160000] lr: 1.323e-05, eta: 10:34:22, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1807, decode.acc_seg: 74.9659, aux.loss_ce: 0.0775, aux.acc_seg: 74.6117, loss: 0.2581 2022-03-01 08:07:59,768 - mmseg - INFO - Iter [54250/160000] lr: 1.322e-05, eta: 10:34:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1816, decode.acc_seg: 75.4187, aux.loss_ce: 0.0775, aux.acc_seg: 75.1262, loss: 0.2591 2022-03-01 08:08:17,384 - mmseg - INFO - Iter [54300/160000] lr: 1.321e-05, eta: 10:33:45, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1743, decode.acc_seg: 75.1602, aux.loss_ce: 0.0746, aux.acc_seg: 74.8650, loss: 0.2489 2022-03-01 08:08:37,655 - mmseg - INFO - Iter [54350/160000] lr: 1.321e-05, eta: 10:33:31, time: 0.405, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1730, decode.acc_seg: 76.0535, aux.loss_ce: 0.0746, aux.acc_seg: 75.6712, loss: 0.2476 2022-03-01 08:08:55,351 - mmseg - INFO - Iter [54400/160000] lr: 1.320e-05, eta: 10:33:13, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1683, decode.acc_seg: 75.2405, aux.loss_ce: 0.0732, aux.acc_seg: 74.8141, loss: 0.2415 2022-03-01 08:09:13,083 - mmseg - INFO - Iter [54450/160000] lr: 1.319e-05, eta: 10:32:54, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1741, decode.acc_seg: 75.7746, aux.loss_ce: 0.0763, aux.acc_seg: 75.3843, loss: 0.2504 2022-03-01 08:09:30,749 - mmseg - INFO - Iter [54500/160000] lr: 1.319e-05, eta: 10:32:36, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1755, decode.acc_seg: 75.5372, aux.loss_ce: 0.0761, aux.acc_seg: 75.1541, loss: 0.2516 2022-03-01 08:09:48,551 - mmseg - INFO - Iter [54550/160000] lr: 1.318e-05, eta: 10:32:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1801, decode.acc_seg: 75.7436, aux.loss_ce: 0.0774, aux.acc_seg: 75.3880, loss: 0.2575 2022-03-01 08:10:06,304 - mmseg - INFO - Iter [54600/160000] lr: 1.318e-05, eta: 10:31:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1776, decode.acc_seg: 74.6321, aux.loss_ce: 0.0762, aux.acc_seg: 74.3193, loss: 0.2537 2022-03-01 08:10:24,149 - mmseg - INFO - Iter [54650/160000] lr: 1.317e-05, eta: 10:31:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1802, decode.acc_seg: 74.2015, aux.loss_ce: 0.0784, aux.acc_seg: 73.8541, loss: 0.2586 2022-03-01 08:10:42,015 - mmseg - INFO - Iter [54700/160000] lr: 1.316e-05, eta: 10:31:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1841, decode.acc_seg: 73.5872, aux.loss_ce: 0.0780, aux.acc_seg: 73.2699, loss: 0.2622 2022-03-01 08:10:59,896 - mmseg - INFO - Iter [54750/160000] lr: 1.316e-05, eta: 10:31:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1807, decode.acc_seg: 74.9348, aux.loss_ce: 0.0777, aux.acc_seg: 74.5679, loss: 0.2584 2022-03-01 08:11:17,525 - mmseg - INFO - Iter [54800/160000] lr: 1.315e-05, eta: 10:30:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1783, decode.acc_seg: 73.4312, aux.loss_ce: 0.0770, aux.acc_seg: 73.1088, loss: 0.2553 2022-03-01 08:11:35,358 - mmseg - INFO - Iter [54850/160000] lr: 1.314e-05, eta: 10:30:27, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1692, decode.acc_seg: 74.1743, aux.loss_ce: 0.0736, aux.acc_seg: 73.7683, loss: 0.2428 2022-03-01 08:11:53,398 - mmseg - INFO - Iter [54900/160000] lr: 1.314e-05, eta: 10:30:10, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1809, decode.acc_seg: 73.8284, aux.loss_ce: 0.0787, aux.acc_seg: 73.4046, loss: 0.2596 2022-03-01 08:12:11,331 - mmseg - INFO - Iter [54950/160000] lr: 1.313e-05, eta: 10:29:51, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1733, decode.acc_seg: 73.2346, aux.loss_ce: 0.0753, aux.acc_seg: 72.8772, loss: 0.2486 2022-03-01 08:12:29,192 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:12:29,192 - mmseg - INFO - Iter [55000/160000] lr: 1.313e-05, eta: 10:29:33, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1762, decode.acc_seg: 74.4240, aux.loss_ce: 0.0752, aux.acc_seg: 74.0969, loss: 0.2514 2022-03-01 08:12:46,844 - mmseg - INFO - Iter [55050/160000] lr: 1.312e-05, eta: 10:29:15, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1764, decode.acc_seg: 74.2231, aux.loss_ce: 0.0763, aux.acc_seg: 73.8682, loss: 0.2527 2022-03-01 08:13:04,583 - mmseg - INFO - Iter [55100/160000] lr: 1.311e-05, eta: 10:28:56, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1861, decode.acc_seg: 75.3852, aux.loss_ce: 0.0804, aux.acc_seg: 74.9690, loss: 0.2665 2022-03-01 08:13:22,341 - mmseg - INFO - Iter [55150/160000] lr: 1.311e-05, eta: 10:28:38, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1697, decode.acc_seg: 75.3950, aux.loss_ce: 0.0734, aux.acc_seg: 75.0114, loss: 0.2431 2022-03-01 08:13:40,065 - mmseg - INFO - Iter [55200/160000] lr: 1.310e-05, eta: 10:28:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1738, decode.acc_seg: 75.0208, aux.loss_ce: 0.0760, aux.acc_seg: 74.5180, loss: 0.2498 2022-03-01 08:13:57,965 - mmseg - INFO - Iter [55250/160000] lr: 1.309e-05, eta: 10:28:01, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1665, decode.acc_seg: 74.8427, aux.loss_ce: 0.0724, aux.acc_seg: 74.4934, loss: 0.2390 2022-03-01 08:14:15,643 - mmseg - INFO - Iter [55300/160000] lr: 1.309e-05, eta: 10:27:43, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1863, decode.acc_seg: 74.4997, aux.loss_ce: 0.0801, aux.acc_seg: 74.1222, loss: 0.2664 2022-03-01 08:14:33,320 - mmseg - INFO - Iter [55350/160000] lr: 1.308e-05, eta: 10:27:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1862, decode.acc_seg: 74.7232, aux.loss_ce: 0.0800, aux.acc_seg: 74.3615, loss: 0.2662 2022-03-01 08:14:51,224 - mmseg - INFO - Iter [55400/160000] lr: 1.308e-05, eta: 10:27:06, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1926, decode.acc_seg: 76.7409, aux.loss_ce: 0.0822, aux.acc_seg: 76.4313, loss: 0.2748 2022-03-01 08:15:08,836 - mmseg - INFO - Iter [55450/160000] lr: 1.307e-05, eta: 10:26:47, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1810, decode.acc_seg: 75.5063, aux.loss_ce: 0.0780, aux.acc_seg: 75.2379, loss: 0.2590 2022-03-01 08:15:26,515 - mmseg - INFO - Iter [55500/160000] lr: 1.306e-05, eta: 10:26:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1738, decode.acc_seg: 75.4129, aux.loss_ce: 0.0746, aux.acc_seg: 75.1163, loss: 0.2484 2022-03-01 08:15:44,104 - mmseg - INFO - Iter [55550/160000] lr: 1.306e-05, eta: 10:26:10, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1805, decode.acc_seg: 75.1034, aux.loss_ce: 0.0782, aux.acc_seg: 74.7006, loss: 0.2587 2022-03-01 08:16:04,211 - mmseg - INFO - Iter [55600/160000] lr: 1.305e-05, eta: 10:25:56, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1700, decode.acc_seg: 74.8276, aux.loss_ce: 0.0735, aux.acc_seg: 74.4650, loss: 0.2435 2022-03-01 08:16:21,797 - mmseg - INFO - Iter [55650/160000] lr: 1.304e-05, eta: 10:25:37, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1634, decode.acc_seg: 74.6288, aux.loss_ce: 0.0704, aux.acc_seg: 74.2942, loss: 0.2338 2022-03-01 08:16:39,694 - mmseg - INFO - Iter [55700/160000] lr: 1.304e-05, eta: 10:25:19, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1735, decode.acc_seg: 75.2903, aux.loss_ce: 0.0737, aux.acc_seg: 74.9921, loss: 0.2472 2022-03-01 08:16:57,502 - mmseg - INFO - Iter [55750/160000] lr: 1.303e-05, eta: 10:25:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1671, decode.acc_seg: 74.6479, aux.loss_ce: 0.0726, aux.acc_seg: 74.2360, loss: 0.2397 2022-03-01 08:17:15,234 - mmseg - INFO - Iter [55800/160000] lr: 1.303e-05, eta: 10:24:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1696, decode.acc_seg: 76.2558, aux.loss_ce: 0.0731, aux.acc_seg: 75.9212, loss: 0.2427 2022-03-01 08:17:33,122 - mmseg - INFO - Iter [55850/160000] lr: 1.302e-05, eta: 10:24:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1582, decode.acc_seg: 74.4091, aux.loss_ce: 0.0683, aux.acc_seg: 74.0146, loss: 0.2265 2022-03-01 08:17:50,748 - mmseg - INFO - Iter [55900/160000] lr: 1.301e-05, eta: 10:24:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1912, decode.acc_seg: 75.1458, aux.loss_ce: 0.0826, aux.acc_seg: 74.7507, loss: 0.2738 2022-03-01 08:18:08,816 - mmseg - INFO - Iter [55950/160000] lr: 1.301e-05, eta: 10:23:47, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1643, decode.acc_seg: 75.4755, aux.loss_ce: 0.0722, aux.acc_seg: 75.0558, loss: 0.2365 2022-03-01 08:18:26,770 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:18:26,771 - mmseg - INFO - Iter [56000/160000] lr: 1.300e-05, eta: 10:23:29, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1651, decode.acc_seg: 74.7727, aux.loss_ce: 0.0713, aux.acc_seg: 74.4411, loss: 0.2364 2022-03-01 08:18:44,569 - mmseg - INFO - Iter [56050/160000] lr: 1.299e-05, eta: 10:23:11, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1646, decode.acc_seg: 75.9083, aux.loss_ce: 0.0723, aux.acc_seg: 75.4422, loss: 0.2370 2022-03-01 08:19:02,291 - mmseg - INFO - Iter [56100/160000] lr: 1.299e-05, eta: 10:22:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1619, decode.acc_seg: 73.9310, aux.loss_ce: 0.0703, aux.acc_seg: 73.5969, loss: 0.2323 2022-03-01 08:19:19,963 - mmseg - INFO - Iter [56150/160000] lr: 1.298e-05, eta: 10:22:34, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1623, decode.acc_seg: 73.5292, aux.loss_ce: 0.0700, aux.acc_seg: 73.2008, loss: 0.2323 2022-03-01 08:19:37,683 - mmseg - INFO - Iter [56200/160000] lr: 1.298e-05, eta: 10:22:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1722, decode.acc_seg: 74.6432, aux.loss_ce: 0.0745, aux.acc_seg: 74.2108, loss: 0.2467 2022-03-01 08:19:55,383 - mmseg - INFO - Iter [56250/160000] lr: 1.297e-05, eta: 10:21:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1666, decode.acc_seg: 76.4913, aux.loss_ce: 0.0725, aux.acc_seg: 76.1177, loss: 0.2391 2022-03-01 08:20:13,151 - mmseg - INFO - Iter [56300/160000] lr: 1.296e-05, eta: 10:21:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1736, decode.acc_seg: 75.2209, aux.loss_ce: 0.0756, aux.acc_seg: 74.7754, loss: 0.2492 2022-03-01 08:20:31,036 - mmseg - INFO - Iter [56350/160000] lr: 1.296e-05, eta: 10:21:21, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1778, decode.acc_seg: 75.8528, aux.loss_ce: 0.0756, aux.acc_seg: 75.5444, loss: 0.2534 2022-03-01 08:20:49,082 - mmseg - INFO - Iter [56400/160000] lr: 1.295e-05, eta: 10:21:03, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1822, decode.acc_seg: 73.4788, aux.loss_ce: 0.0779, aux.acc_seg: 73.0509, loss: 0.2601 2022-03-01 08:21:06,708 - mmseg - INFO - Iter [56450/160000] lr: 1.294e-05, eta: 10:20:44, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1784, decode.acc_seg: 75.2536, aux.loss_ce: 0.0768, aux.acc_seg: 74.9537, loss: 0.2553 2022-03-01 08:21:24,497 - mmseg - INFO - Iter [56500/160000] lr: 1.294e-05, eta: 10:20:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1715, decode.acc_seg: 75.2336, aux.loss_ce: 0.0742, aux.acc_seg: 74.8640, loss: 0.2456 2022-03-01 08:21:42,336 - mmseg - INFO - Iter [56550/160000] lr: 1.293e-05, eta: 10:20:07, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1893, decode.acc_seg: 74.3058, aux.loss_ce: 0.0812, aux.acc_seg: 73.9928, loss: 0.2705 2022-03-01 08:22:00,146 - mmseg - INFO - Iter [56600/160000] lr: 1.293e-05, eta: 10:19:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1827, decode.acc_seg: 76.1510, aux.loss_ce: 0.0785, aux.acc_seg: 75.7586, loss: 0.2611 2022-03-01 08:22:18,025 - mmseg - INFO - Iter [56650/160000] lr: 1.292e-05, eta: 10:19:31, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1755, decode.acc_seg: 75.2584, aux.loss_ce: 0.0755, aux.acc_seg: 74.8811, loss: 0.2510 2022-03-01 08:22:35,815 - mmseg - INFO - Iter [56700/160000] lr: 1.291e-05, eta: 10:19:13, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1750, decode.acc_seg: 75.8693, aux.loss_ce: 0.0749, aux.acc_seg: 75.5411, loss: 0.2499 2022-03-01 08:22:53,728 - mmseg - INFO - Iter [56750/160000] lr: 1.291e-05, eta: 10:18:54, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1735, decode.acc_seg: 74.6708, aux.loss_ce: 0.0745, aux.acc_seg: 74.2932, loss: 0.2480 2022-03-01 08:23:11,481 - mmseg - INFO - Iter [56800/160000] lr: 1.290e-05, eta: 10:18:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1663, decode.acc_seg: 75.1137, aux.loss_ce: 0.0717, aux.acc_seg: 74.7278, loss: 0.2380 2022-03-01 08:23:31,872 - mmseg - INFO - Iter [56850/160000] lr: 1.289e-05, eta: 10:18:22, time: 0.408, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1735, decode.acc_seg: 75.8180, aux.loss_ce: 0.0748, aux.acc_seg: 75.4747, loss: 0.2483 2022-03-01 08:23:49,924 - mmseg - INFO - Iter [56900/160000] lr: 1.289e-05, eta: 10:18:05, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1531, decode.acc_seg: 73.8419, aux.loss_ce: 0.0669, aux.acc_seg: 73.4899, loss: 0.2201 2022-03-01 08:24:07,816 - mmseg - INFO - Iter [56950/160000] lr: 1.288e-05, eta: 10:17:46, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1639, decode.acc_seg: 75.1175, aux.loss_ce: 0.0710, aux.acc_seg: 74.7649, loss: 0.2349 2022-03-01 08:24:25,638 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:24:25,639 - mmseg - INFO - Iter [57000/160000] lr: 1.288e-05, eta: 10:17:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1630, decode.acc_seg: 74.6042, aux.loss_ce: 0.0710, aux.acc_seg: 74.1651, loss: 0.2340 2022-03-01 08:24:43,482 - mmseg - INFO - Iter [57050/160000] lr: 1.287e-05, eta: 10:17:10, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1653, decode.acc_seg: 75.2590, aux.loss_ce: 0.0715, aux.acc_seg: 74.9371, loss: 0.2368 2022-03-01 08:25:01,289 - mmseg - INFO - Iter [57100/160000] lr: 1.286e-05, eta: 10:16:52, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1701, decode.acc_seg: 74.2562, aux.loss_ce: 0.0735, aux.acc_seg: 73.8483, loss: 0.2436 2022-03-01 08:25:19,024 - mmseg - INFO - Iter [57150/160000] lr: 1.286e-05, eta: 10:16:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1743, decode.acc_seg: 75.0929, aux.loss_ce: 0.0746, aux.acc_seg: 74.8232, loss: 0.2489 2022-03-01 08:25:36,724 - mmseg - INFO - Iter [57200/160000] lr: 1.285e-05, eta: 10:16:15, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1811, decode.acc_seg: 74.4742, aux.loss_ce: 0.0774, aux.acc_seg: 74.0324, loss: 0.2585 2022-03-01 08:25:54,376 - mmseg - INFO - Iter [57250/160000] lr: 1.284e-05, eta: 10:15:56, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1724, decode.acc_seg: 75.5047, aux.loss_ce: 0.0743, aux.acc_seg: 75.1526, loss: 0.2467 2022-03-01 08:26:12,048 - mmseg - INFO - Iter [57300/160000] lr: 1.284e-05, eta: 10:15:38, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1749, decode.acc_seg: 74.7716, aux.loss_ce: 0.0754, aux.acc_seg: 74.4288, loss: 0.2503 2022-03-01 08:26:29,644 - mmseg - INFO - Iter [57350/160000] lr: 1.283e-05, eta: 10:15:19, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1665, decode.acc_seg: 75.0791, aux.loss_ce: 0.0724, aux.acc_seg: 74.6400, loss: 0.2389 2022-03-01 08:26:47,468 - mmseg - INFO - Iter [57400/160000] lr: 1.283e-05, eta: 10:15:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1706, decode.acc_seg: 75.1604, aux.loss_ce: 0.0736, aux.acc_seg: 74.7731, loss: 0.2442 2022-03-01 08:27:05,252 - mmseg - INFO - Iter [57450/160000] lr: 1.282e-05, eta: 10:14:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1699, decode.acc_seg: 75.9821, aux.loss_ce: 0.0733, aux.acc_seg: 75.6122, loss: 0.2433 2022-03-01 08:27:23,177 - mmseg - INFO - Iter [57500/160000] lr: 1.281e-05, eta: 10:14:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1767, decode.acc_seg: 74.1850, aux.loss_ce: 0.0754, aux.acc_seg: 73.7524, loss: 0.2521 2022-03-01 08:27:40,796 - mmseg - INFO - Iter [57550/160000] lr: 1.281e-05, eta: 10:14:06, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1735, decode.acc_seg: 74.6015, aux.loss_ce: 0.0755, aux.acc_seg: 74.1883, loss: 0.2490 2022-03-01 08:27:58,525 - mmseg - INFO - Iter [57600/160000] lr: 1.280e-05, eta: 10:13:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1645, decode.acc_seg: 73.6585, aux.loss_ce: 0.0713, aux.acc_seg: 73.2874, loss: 0.2358 2022-03-01 08:28:16,419 - mmseg - INFO - Iter [57650/160000] lr: 1.279e-05, eta: 10:13:29, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1810, decode.acc_seg: 76.4466, aux.loss_ce: 0.0787, aux.acc_seg: 76.0440, loss: 0.2597 2022-03-01 08:28:34,195 - mmseg - INFO - Iter [57700/160000] lr: 1.279e-05, eta: 10:13:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1669, decode.acc_seg: 75.6870, aux.loss_ce: 0.0715, aux.acc_seg: 75.3158, loss: 0.2384 2022-03-01 08:28:52,086 - mmseg - INFO - Iter [57750/160000] lr: 1.278e-05, eta: 10:12:53, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1703, decode.acc_seg: 75.8871, aux.loss_ce: 0.0740, aux.acc_seg: 75.4776, loss: 0.2442 2022-03-01 08:29:09,850 - mmseg - INFO - Iter [57800/160000] lr: 1.278e-05, eta: 10:12:34, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1629, decode.acc_seg: 74.8480, aux.loss_ce: 0.0708, aux.acc_seg: 74.4849, loss: 0.2337 2022-03-01 08:29:27,637 - mmseg - INFO - Iter [57850/160000] lr: 1.277e-05, eta: 10:12:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1753, decode.acc_seg: 75.6858, aux.loss_ce: 0.0763, aux.acc_seg: 75.2690, loss: 0.2517 2022-03-01 08:29:45,368 - mmseg - INFO - Iter [57900/160000] lr: 1.276e-05, eta: 10:11:57, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1655, decode.acc_seg: 74.3936, aux.loss_ce: 0.0722, aux.acc_seg: 73.9610, loss: 0.2377 2022-03-01 08:30:03,076 - mmseg - INFO - Iter [57950/160000] lr: 1.276e-05, eta: 10:11:39, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1684, decode.acc_seg: 73.7501, aux.loss_ce: 0.0725, aux.acc_seg: 73.4215, loss: 0.2409 2022-03-01 08:30:21,035 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:30:21,035 - mmseg - INFO - Iter [58000/160000] lr: 1.275e-05, eta: 10:11:21, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1761, decode.acc_seg: 75.4998, aux.loss_ce: 0.0755, aux.acc_seg: 75.1406, loss: 0.2516 2022-03-01 08:30:38,905 - mmseg - INFO - Iter [58050/160000] lr: 1.274e-05, eta: 10:11:03, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1760, decode.acc_seg: 74.9597, aux.loss_ce: 0.0754, aux.acc_seg: 74.6429, loss: 0.2514 2022-03-01 08:30:58,912 - mmseg - INFO - Iter [58100/160000] lr: 1.274e-05, eta: 10:10:48, time: 0.401, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1743, decode.acc_seg: 75.2041, aux.loss_ce: 0.0741, aux.acc_seg: 74.9391, loss: 0.2484 2022-03-01 08:31:16,721 - mmseg - INFO - Iter [58150/160000] lr: 1.273e-05, eta: 10:10:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1695, decode.acc_seg: 75.1771, aux.loss_ce: 0.0728, aux.acc_seg: 74.8291, loss: 0.2423 2022-03-01 08:31:34,354 - mmseg - INFO - Iter [58200/160000] lr: 1.273e-05, eta: 10:10:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1718, decode.acc_seg: 73.9943, aux.loss_ce: 0.0749, aux.acc_seg: 73.5865, loss: 0.2467 2022-03-01 08:31:52,018 - mmseg - INFO - Iter [58250/160000] lr: 1.272e-05, eta: 10:09:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1802, decode.acc_seg: 74.3626, aux.loss_ce: 0.0776, aux.acc_seg: 74.0255, loss: 0.2578 2022-03-01 08:32:09,733 - mmseg - INFO - Iter [58300/160000] lr: 1.271e-05, eta: 10:09:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1728, decode.acc_seg: 74.1003, aux.loss_ce: 0.0750, aux.acc_seg: 73.7767, loss: 0.2478 2022-03-01 08:32:27,554 - mmseg - INFO - Iter [58350/160000] lr: 1.271e-05, eta: 10:09:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1921, decode.acc_seg: 73.9528, aux.loss_ce: 0.0821, aux.acc_seg: 73.5328, loss: 0.2742 2022-03-01 08:32:45,453 - mmseg - INFO - Iter [58400/160000] lr: 1.270e-05, eta: 10:08:58, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1749, decode.acc_seg: 74.9138, aux.loss_ce: 0.0749, aux.acc_seg: 74.6554, loss: 0.2497 2022-03-01 08:33:03,177 - mmseg - INFO - Iter [58450/160000] lr: 1.269e-05, eta: 10:08:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1778, decode.acc_seg: 74.6661, aux.loss_ce: 0.0762, aux.acc_seg: 74.3229, loss: 0.2540 2022-03-01 08:33:20,852 - mmseg - INFO - Iter [58500/160000] lr: 1.269e-05, eta: 10:08:21, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1713, decode.acc_seg: 74.8010, aux.loss_ce: 0.0739, aux.acc_seg: 74.4367, loss: 0.2452 2022-03-01 08:33:38,455 - mmseg - INFO - Iter [58550/160000] lr: 1.268e-05, eta: 10:08:02, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1670, decode.acc_seg: 75.9886, aux.loss_ce: 0.0717, aux.acc_seg: 75.6112, loss: 0.2386 2022-03-01 08:33:56,165 - mmseg - INFO - Iter [58600/160000] lr: 1.268e-05, eta: 10:07:44, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1742, decode.acc_seg: 73.2094, aux.loss_ce: 0.0749, aux.acc_seg: 72.8478, loss: 0.2491 2022-03-01 08:34:13,981 - mmseg - INFO - Iter [58650/160000] lr: 1.267e-05, eta: 10:07:26, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1720, decode.acc_seg: 75.5609, aux.loss_ce: 0.0744, aux.acc_seg: 75.1308, loss: 0.2464 2022-03-01 08:34:31,701 - mmseg - INFO - Iter [58700/160000] lr: 1.266e-05, eta: 10:07:07, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1582, decode.acc_seg: 75.4969, aux.loss_ce: 0.0690, aux.acc_seg: 75.0782, loss: 0.2272 2022-03-01 08:34:49,395 - mmseg - INFO - Iter [58750/160000] lr: 1.266e-05, eta: 10:06:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1743, decode.acc_seg: 75.2725, aux.loss_ce: 0.0753, aux.acc_seg: 74.8674, loss: 0.2496 2022-03-01 08:35:07,107 - mmseg - INFO - Iter [58800/160000] lr: 1.265e-05, eta: 10:06:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1731, decode.acc_seg: 75.8979, aux.loss_ce: 0.0748, aux.acc_seg: 75.5041, loss: 0.2479 2022-03-01 08:35:24,768 - mmseg - INFO - Iter [58850/160000] lr: 1.264e-05, eta: 10:06:12, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1711, decode.acc_seg: 73.3695, aux.loss_ce: 0.0734, aux.acc_seg: 73.0312, loss: 0.2445 2022-03-01 08:35:42,478 - mmseg - INFO - Iter [58900/160000] lr: 1.264e-05, eta: 10:05:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1749, decode.acc_seg: 76.2317, aux.loss_ce: 0.0755, aux.acc_seg: 75.8787, loss: 0.2504 2022-03-01 08:36:00,390 - mmseg - INFO - Iter [58950/160000] lr: 1.263e-05, eta: 10:05:35, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1731, decode.acc_seg: 75.8049, aux.loss_ce: 0.0752, aux.acc_seg: 75.4454, loss: 0.2483 2022-03-01 08:36:17,966 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:36:17,967 - mmseg - INFO - Iter [59000/160000] lr: 1.263e-05, eta: 10:05:17, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1732, decode.acc_seg: 76.9613, aux.loss_ce: 0.0754, aux.acc_seg: 76.5037, loss: 0.2487 2022-03-01 08:36:35,568 - mmseg - INFO - Iter [59050/160000] lr: 1.262e-05, eta: 10:04:58, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1623, decode.acc_seg: 74.1040, aux.loss_ce: 0.0707, aux.acc_seg: 73.7233, loss: 0.2331 2022-03-01 08:36:53,265 - mmseg - INFO - Iter [59100/160000] lr: 1.261e-05, eta: 10:04:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1706, decode.acc_seg: 75.4532, aux.loss_ce: 0.0742, aux.acc_seg: 75.0466, loss: 0.2448 2022-03-01 08:37:11,009 - mmseg - INFO - Iter [59150/160000] lr: 1.261e-05, eta: 10:04:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1763, decode.acc_seg: 74.9756, aux.loss_ce: 0.0765, aux.acc_seg: 74.6045, loss: 0.2529 2022-03-01 08:37:28,725 - mmseg - INFO - Iter [59200/160000] lr: 1.260e-05, eta: 10:04:03, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1746, decode.acc_seg: 75.9604, aux.loss_ce: 0.0754, aux.acc_seg: 75.6358, loss: 0.2501 2022-03-01 08:37:46,786 - mmseg - INFO - Iter [59250/160000] lr: 1.259e-05, eta: 10:03:45, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1748, decode.acc_seg: 74.0681, aux.loss_ce: 0.0753, aux.acc_seg: 73.7141, loss: 0.2501 2022-03-01 08:38:04,529 - mmseg - INFO - Iter [59300/160000] lr: 1.259e-05, eta: 10:03:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1829, decode.acc_seg: 75.8113, aux.loss_ce: 0.0791, aux.acc_seg: 75.3993, loss: 0.2619 2022-03-01 08:38:22,393 - mmseg - INFO - Iter [59350/160000] lr: 1.258e-05, eta: 10:03:08, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1727, decode.acc_seg: 74.4890, aux.loss_ce: 0.0747, aux.acc_seg: 74.0353, loss: 0.2474 2022-03-01 08:38:42,402 - mmseg - INFO - Iter [59400/160000] lr: 1.258e-05, eta: 10:02:54, time: 0.401, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1709, decode.acc_seg: 75.6168, aux.loss_ce: 0.0739, aux.acc_seg: 75.2116, loss: 0.2448 2022-03-01 08:39:00,257 - mmseg - INFO - Iter [59450/160000] lr: 1.257e-05, eta: 10:02:36, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1568, decode.acc_seg: 75.1769, aux.loss_ce: 0.0679, aux.acc_seg: 74.7926, loss: 0.2247 2022-03-01 08:39:17,876 - mmseg - INFO - Iter [59500/160000] lr: 1.256e-05, eta: 10:02:17, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1574, decode.acc_seg: 74.1325, aux.loss_ce: 0.0691, aux.acc_seg: 73.6956, loss: 0.2265 2022-03-01 08:39:35,540 - mmseg - INFO - Iter [59550/160000] lr: 1.256e-05, eta: 10:01:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1692, decode.acc_seg: 74.9764, aux.loss_ce: 0.0719, aux.acc_seg: 74.7460, loss: 0.2411 2022-03-01 08:39:53,114 - mmseg - INFO - Iter [59600/160000] lr: 1.255e-05, eta: 10:01:40, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1727, decode.acc_seg: 75.1104, aux.loss_ce: 0.0739, aux.acc_seg: 74.7767, loss: 0.2466 2022-03-01 08:40:10,892 - mmseg - INFO - Iter [59650/160000] lr: 1.254e-05, eta: 10:01:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1627, decode.acc_seg: 75.6191, aux.loss_ce: 0.0705, aux.acc_seg: 75.2162, loss: 0.2332 2022-03-01 08:40:28,808 - mmseg - INFO - Iter [59700/160000] lr: 1.254e-05, eta: 10:01:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1763, decode.acc_seg: 75.9172, aux.loss_ce: 0.0756, aux.acc_seg: 75.5243, loss: 0.2520 2022-03-01 08:40:46,431 - mmseg - INFO - Iter [59750/160000] lr: 1.253e-05, eta: 10:00:45, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1607, decode.acc_seg: 74.8398, aux.loss_ce: 0.0693, aux.acc_seg: 74.4552, loss: 0.2301 2022-03-01 08:41:04,177 - mmseg - INFO - Iter [59800/160000] lr: 1.253e-05, eta: 10:00:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1652, decode.acc_seg: 74.3749, aux.loss_ce: 0.0712, aux.acc_seg: 74.0192, loss: 0.2364 2022-03-01 08:41:21,848 - mmseg - INFO - Iter [59850/160000] lr: 1.252e-05, eta: 10:00:08, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1673, decode.acc_seg: 73.5466, aux.loss_ce: 0.0720, aux.acc_seg: 73.2486, loss: 0.2393 2022-03-01 08:41:39,544 - mmseg - INFO - Iter [59900/160000] lr: 1.251e-05, eta: 9:59:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1687, decode.acc_seg: 74.8158, aux.loss_ce: 0.0730, aux.acc_seg: 74.4819, loss: 0.2417 2022-03-01 08:41:57,310 - mmseg - INFO - Iter [59950/160000] lr: 1.251e-05, eta: 9:59:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1650, decode.acc_seg: 75.1735, aux.loss_ce: 0.0720, aux.acc_seg: 74.7860, loss: 0.2370 2022-03-01 08:42:14,965 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:42:14,966 - mmseg - INFO - Iter [60000/160000] lr: 1.250e-05, eta: 9:59:13, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1777, decode.acc_seg: 75.1818, aux.loss_ce: 0.0771, aux.acc_seg: 74.7586, loss: 0.2549 2022-03-01 08:42:32,748 - mmseg - INFO - Iter [60050/160000] lr: 1.249e-05, eta: 9:58:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1745, decode.acc_seg: 75.1727, aux.loss_ce: 0.0749, aux.acc_seg: 74.9004, loss: 0.2494 2022-03-01 08:42:50,390 - mmseg - INFO - Iter [60100/160000] lr: 1.249e-05, eta: 9:58:36, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1626, decode.acc_seg: 75.2809, aux.loss_ce: 0.0708, aux.acc_seg: 74.9094, loss: 0.2334 2022-03-01 08:43:08,202 - mmseg - INFO - Iter [60150/160000] lr: 1.248e-05, eta: 9:58:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1616, decode.acc_seg: 73.9206, aux.loss_ce: 0.0699, aux.acc_seg: 73.5770, loss: 0.2315 2022-03-01 08:43:26,075 - mmseg - INFO - Iter [60200/160000] lr: 1.248e-05, eta: 9:58:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1571, decode.acc_seg: 75.6620, aux.loss_ce: 0.0685, aux.acc_seg: 75.2903, loss: 0.2255 2022-03-01 08:43:43,924 - mmseg - INFO - Iter [60250/160000] lr: 1.247e-05, eta: 9:57:41, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1696, decode.acc_seg: 74.8583, aux.loss_ce: 0.0734, aux.acc_seg: 74.5004, loss: 0.2430 2022-03-01 08:44:01,487 - mmseg - INFO - Iter [60300/160000] lr: 1.246e-05, eta: 9:57:23, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1680, decode.acc_seg: 75.4949, aux.loss_ce: 0.0727, aux.acc_seg: 75.1318, loss: 0.2407 2022-03-01 08:44:19,180 - mmseg - INFO - Iter [60350/160000] lr: 1.246e-05, eta: 9:57:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1696, decode.acc_seg: 76.1394, aux.loss_ce: 0.0741, aux.acc_seg: 75.7610, loss: 0.2437 2022-03-01 08:44:36,923 - mmseg - INFO - Iter [60400/160000] lr: 1.245e-05, eta: 9:56:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1646, decode.acc_seg: 75.2843, aux.loss_ce: 0.0713, aux.acc_seg: 74.8820, loss: 0.2358 2022-03-01 08:44:54,905 - mmseg - INFO - Iter [60450/160000] lr: 1.244e-05, eta: 9:56:28, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1629, decode.acc_seg: 73.9848, aux.loss_ce: 0.0702, aux.acc_seg: 73.6192, loss: 0.2330 2022-03-01 08:45:12,825 - mmseg - INFO - Iter [60500/160000] lr: 1.244e-05, eta: 9:56:10, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1620, decode.acc_seg: 75.9971, aux.loss_ce: 0.0704, aux.acc_seg: 75.6218, loss: 0.2324 2022-03-01 08:45:30,404 - mmseg - INFO - Iter [60550/160000] lr: 1.243e-05, eta: 9:55:51, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1646, decode.acc_seg: 74.2847, aux.loss_ce: 0.0717, aux.acc_seg: 73.8824, loss: 0.2363 2022-03-01 08:45:48,169 - mmseg - INFO - Iter [60600/160000] lr: 1.243e-05, eta: 9:55:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1741, decode.acc_seg: 75.7417, aux.loss_ce: 0.0754, aux.acc_seg: 75.3985, loss: 0.2495 2022-03-01 08:46:08,244 - mmseg - INFO - Iter [60650/160000] lr: 1.242e-05, eta: 9:55:18, time: 0.401, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1567, decode.acc_seg: 74.6799, aux.loss_ce: 0.0685, aux.acc_seg: 74.2457, loss: 0.2252 2022-03-01 08:46:26,025 - mmseg - INFO - Iter [60700/160000] lr: 1.241e-05, eta: 9:55:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1456, decode.acc_seg: 74.3032, aux.loss_ce: 0.0633, aux.acc_seg: 73.9577, loss: 0.2089 2022-03-01 08:46:43,736 - mmseg - INFO - Iter [60750/160000] lr: 1.241e-05, eta: 9:54:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1549, decode.acc_seg: 74.9309, aux.loss_ce: 0.0674, aux.acc_seg: 74.5604, loss: 0.2224 2022-03-01 08:47:01,420 - mmseg - INFO - Iter [60800/160000] lr: 1.240e-05, eta: 9:54:23, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1637, decode.acc_seg: 75.0818, aux.loss_ce: 0.0702, aux.acc_seg: 74.7913, loss: 0.2339 2022-03-01 08:47:19,208 - mmseg - INFO - Iter [60850/160000] lr: 1.239e-05, eta: 9:54:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1681, decode.acc_seg: 74.0285, aux.loss_ce: 0.0728, aux.acc_seg: 73.6845, loss: 0.2409 2022-03-01 08:47:37,005 - mmseg - INFO - Iter [60900/160000] lr: 1.239e-05, eta: 9:53:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1584, decode.acc_seg: 75.3772, aux.loss_ce: 0.0687, aux.acc_seg: 75.0453, loss: 0.2270 2022-03-01 08:47:54,844 - mmseg - INFO - Iter [60950/160000] lr: 1.238e-05, eta: 9:53:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1626, decode.acc_seg: 75.3220, aux.loss_ce: 0.0703, aux.acc_seg: 74.9647, loss: 0.2329 2022-03-01 08:48:12,650 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:48:12,650 - mmseg - INFO - Iter [61000/160000] lr: 1.238e-05, eta: 9:53:10, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1655, decode.acc_seg: 74.9192, aux.loss_ce: 0.0719, aux.acc_seg: 74.4748, loss: 0.2374 2022-03-01 08:48:30,444 - mmseg - INFO - Iter [61050/160000] lr: 1.237e-05, eta: 9:52:52, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1809, decode.acc_seg: 74.7471, aux.loss_ce: 0.0763, aux.acc_seg: 74.4828, loss: 0.2571 2022-03-01 08:48:48,347 - mmseg - INFO - Iter [61100/160000] lr: 1.236e-05, eta: 9:52:34, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1673, decode.acc_seg: 75.9795, aux.loss_ce: 0.0718, aux.acc_seg: 75.5377, loss: 0.2391 2022-03-01 08:49:06,241 - mmseg - INFO - Iter [61150/160000] lr: 1.236e-05, eta: 9:52:16, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1609, decode.acc_seg: 76.1369, aux.loss_ce: 0.0693, aux.acc_seg: 75.7280, loss: 0.2302 2022-03-01 08:49:24,191 - mmseg - INFO - Iter [61200/160000] lr: 1.235e-05, eta: 9:51:58, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1683, decode.acc_seg: 75.8846, aux.loss_ce: 0.0734, aux.acc_seg: 75.4182, loss: 0.2416 2022-03-01 08:49:41,976 - mmseg - INFO - Iter [61250/160000] lr: 1.234e-05, eta: 9:51:39, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1728, decode.acc_seg: 74.9133, aux.loss_ce: 0.0729, aux.acc_seg: 74.5990, loss: 0.2458 2022-03-01 08:49:59,765 - mmseg - INFO - Iter [61300/160000] lr: 1.234e-05, eta: 9:51:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1695, decode.acc_seg: 74.6003, aux.loss_ce: 0.0728, aux.acc_seg: 74.2960, loss: 0.2422 2022-03-01 08:50:17,718 - mmseg - INFO - Iter [61350/160000] lr: 1.233e-05, eta: 9:51:03, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1738, decode.acc_seg: 74.4048, aux.loss_ce: 0.0761, aux.acc_seg: 73.9450, loss: 0.2499 2022-03-01 08:50:35,536 - mmseg - INFO - Iter [61400/160000] lr: 1.233e-05, eta: 9:50:45, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1789, decode.acc_seg: 75.2105, aux.loss_ce: 0.0769, aux.acc_seg: 74.8637, loss: 0.2559 2022-03-01 08:50:53,167 - mmseg - INFO - Iter [61450/160000] lr: 1.232e-05, eta: 9:50:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1573, decode.acc_seg: 74.9233, aux.loss_ce: 0.0688, aux.acc_seg: 74.5301, loss: 0.2261 2022-03-01 08:51:10,794 - mmseg - INFO - Iter [61500/160000] lr: 1.231e-05, eta: 9:50:08, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1707, decode.acc_seg: 74.9181, aux.loss_ce: 0.0740, aux.acc_seg: 74.5088, loss: 0.2447 2022-03-01 08:51:28,519 - mmseg - INFO - Iter [61550/160000] lr: 1.231e-05, eta: 9:49:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1841, decode.acc_seg: 74.0256, aux.loss_ce: 0.0787, aux.acc_seg: 73.7125, loss: 0.2628 2022-03-01 08:51:46,231 - mmseg - INFO - Iter [61600/160000] lr: 1.230e-05, eta: 9:49:31, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1672, decode.acc_seg: 75.6505, aux.loss_ce: 0.0721, aux.acc_seg: 75.3144, loss: 0.2393 2022-03-01 08:52:04,157 - mmseg - INFO - Iter [61650/160000] lr: 1.229e-05, eta: 9:49:13, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1696, decode.acc_seg: 75.4091, aux.loss_ce: 0.0736, aux.acc_seg: 75.0445, loss: 0.2432 2022-03-01 08:52:22,024 - mmseg - INFO - Iter [61700/160000] lr: 1.229e-05, eta: 9:48:55, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1631, decode.acc_seg: 76.0314, aux.loss_ce: 0.0710, aux.acc_seg: 75.6296, loss: 0.2341 2022-03-01 08:52:39,648 - mmseg - INFO - Iter [61750/160000] lr: 1.228e-05, eta: 9:48:36, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1618, decode.acc_seg: 75.3025, aux.loss_ce: 0.0705, aux.acc_seg: 74.8179, loss: 0.2324 2022-03-01 08:52:57,618 - mmseg - INFO - Iter [61800/160000] lr: 1.228e-05, eta: 9:48:18, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1699, decode.acc_seg: 75.5301, aux.loss_ce: 0.0742, aux.acc_seg: 75.0753, loss: 0.2442 2022-03-01 08:53:15,334 - mmseg - INFO - Iter [61850/160000] lr: 1.227e-05, eta: 9:48:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1764, decode.acc_seg: 75.4873, aux.loss_ce: 0.0761, aux.acc_seg: 75.0766, loss: 0.2525 2022-03-01 08:53:35,397 - mmseg - INFO - Iter [61900/160000] lr: 1.226e-05, eta: 9:47:45, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1739, decode.acc_seg: 76.5116, aux.loss_ce: 0.0759, aux.acc_seg: 76.0604, loss: 0.2498 2022-03-01 08:53:53,167 - mmseg - INFO - Iter [61950/160000] lr: 1.226e-05, eta: 9:47:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1592, decode.acc_seg: 74.9159, aux.loss_ce: 0.0695, aux.acc_seg: 74.5113, loss: 0.2287 2022-03-01 08:54:10,887 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 08:54:10,888 - mmseg - INFO - Iter [62000/160000] lr: 1.225e-05, eta: 9:47:09, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1673, decode.acc_seg: 75.1190, aux.loss_ce: 0.0725, aux.acc_seg: 74.7606, loss: 0.2398 2022-03-01 08:54:28,675 - mmseg - INFO - Iter [62050/160000] lr: 1.224e-05, eta: 9:46:50, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1533, decode.acc_seg: 74.3226, aux.loss_ce: 0.0678, aux.acc_seg: 73.8893, loss: 0.2212 2022-03-01 08:54:46,554 - mmseg - INFO - Iter [62100/160000] lr: 1.224e-05, eta: 9:46:32, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1621, decode.acc_seg: 76.2168, aux.loss_ce: 0.0702, aux.acc_seg: 75.8081, loss: 0.2323 2022-03-01 08:55:04,314 - mmseg - INFO - Iter [62150/160000] lr: 1.223e-05, eta: 9:46:14, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1653, decode.acc_seg: 74.3638, aux.loss_ce: 0.0710, aux.acc_seg: 74.0300, loss: 0.2363 2022-03-01 08:55:22,184 - mmseg - INFO - Iter [62200/160000] lr: 1.223e-05, eta: 9:45:56, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1697, decode.acc_seg: 75.1989, aux.loss_ce: 0.0734, aux.acc_seg: 74.8315, loss: 0.2430 2022-03-01 08:55:39,924 - mmseg - INFO - Iter [62250/160000] lr: 1.222e-05, eta: 9:45:38, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1628, decode.acc_seg: 76.4451, aux.loss_ce: 0.0711, aux.acc_seg: 76.0366, loss: 0.2338 2022-03-01 08:55:57,630 - mmseg - INFO - Iter [62300/160000] lr: 1.221e-05, eta: 9:45:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1552, decode.acc_seg: 76.0408, aux.loss_ce: 0.0682, aux.acc_seg: 75.5766, loss: 0.2234 2022-03-01 08:56:15,441 - mmseg - INFO - Iter [62350/160000] lr: 1.221e-05, eta: 9:45:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1615, decode.acc_seg: 75.9684, aux.loss_ce: 0.0701, aux.acc_seg: 75.6239, loss: 0.2315 2022-03-01 08:56:33,347 - mmseg - INFO - Iter [62400/160000] lr: 1.220e-05, eta: 9:44:43, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1553, decode.acc_seg: 76.1008, aux.loss_ce: 0.0677, aux.acc_seg: 75.7275, loss: 0.2231 2022-03-01 08:56:51,232 - mmseg - INFO - Iter [62450/160000] lr: 1.219e-05, eta: 9:44:25, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1575, decode.acc_seg: 75.8587, aux.loss_ce: 0.0689, aux.acc_seg: 75.4522, loss: 0.2264 2022-03-01 08:57:09,028 - mmseg - INFO - Iter [62500/160000] lr: 1.219e-05, eta: 9:44:06, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1561, decode.acc_seg: 75.7056, aux.loss_ce: 0.0673, aux.acc_seg: 75.3879, loss: 0.2234 2022-03-01 08:57:26,805 - mmseg - INFO - Iter [62550/160000] lr: 1.218e-05, eta: 9:43:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1675, decode.acc_seg: 75.7781, aux.loss_ce: 0.0728, aux.acc_seg: 75.3104, loss: 0.2403 2022-03-01 08:57:44,425 - mmseg - INFO - Iter [62600/160000] lr: 1.218e-05, eta: 9:43:30, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1712, decode.acc_seg: 74.0801, aux.loss_ce: 0.0734, aux.acc_seg: 73.7122, loss: 0.2446 2022-03-01 08:58:02,327 - mmseg - INFO - Iter [62650/160000] lr: 1.217e-05, eta: 9:43:12, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1730, decode.acc_seg: 75.9617, aux.loss_ce: 0.0736, aux.acc_seg: 75.6020, loss: 0.2466 2022-03-01 08:58:20,022 - mmseg - INFO - Iter [62700/160000] lr: 1.216e-05, eta: 9:42:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1619, decode.acc_seg: 75.4201, aux.loss_ce: 0.0707, aux.acc_seg: 75.0362, loss: 0.2326 2022-03-01 08:58:37,725 - mmseg - INFO - Iter [62750/160000] lr: 1.216e-05, eta: 9:42:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1685, decode.acc_seg: 75.4511, aux.loss_ce: 0.0730, aux.acc_seg: 75.0511, loss: 0.2415 2022-03-01 08:58:55,586 - mmseg - INFO - Iter [62800/160000] lr: 1.215e-05, eta: 9:42:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1697, decode.acc_seg: 74.5116, aux.loss_ce: 0.0736, aux.acc_seg: 74.0334, loss: 0.2433 2022-03-01 08:59:13,297 - mmseg - INFO - Iter [62850/160000] lr: 1.214e-05, eta: 9:41:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1733, decode.acc_seg: 75.4069, aux.loss_ce: 0.0748, aux.acc_seg: 75.0022, loss: 0.2481 2022-03-01 08:59:31,198 - mmseg - INFO - Iter [62900/160000] lr: 1.214e-05, eta: 9:41:40, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1662, decode.acc_seg: 75.5320, aux.loss_ce: 0.0722, aux.acc_seg: 75.1673, loss: 0.2384 2022-03-01 08:59:48,785 - mmseg - INFO - Iter [62950/160000] lr: 1.213e-05, eta: 9:41:22, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1728, decode.acc_seg: 73.5531, aux.loss_ce: 0.0762, aux.acc_seg: 73.0424, loss: 0.2489 2022-03-01 09:00:06,444 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:00:06,444 - mmseg - INFO - Iter [63000/160000] lr: 1.213e-05, eta: 9:41:03, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1662, decode.acc_seg: 74.8357, aux.loss_ce: 0.0719, aux.acc_seg: 74.4339, loss: 0.2382 2022-03-01 09:00:24,194 - mmseg - INFO - Iter [63050/160000] lr: 1.212e-05, eta: 9:40:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1699, decode.acc_seg: 75.3231, aux.loss_ce: 0.0741, aux.acc_seg: 74.9224, loss: 0.2439 2022-03-01 09:00:41,972 - mmseg - INFO - Iter [63100/160000] lr: 1.211e-05, eta: 9:40:27, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1627, decode.acc_seg: 75.7623, aux.loss_ce: 0.0718, aux.acc_seg: 75.3198, loss: 0.2345 2022-03-01 09:00:59,869 - mmseg - INFO - Iter [63150/160000] lr: 1.211e-05, eta: 9:40:09, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1541, decode.acc_seg: 75.0539, aux.loss_ce: 0.0665, aux.acc_seg: 74.6955, loss: 0.2206 2022-03-01 09:01:20,021 - mmseg - INFO - Iter [63200/160000] lr: 1.210e-05, eta: 9:39:54, time: 0.403, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1570, decode.acc_seg: 75.1483, aux.loss_ce: 0.0683, aux.acc_seg: 74.7407, loss: 0.2253 2022-03-01 09:01:37,877 - mmseg - INFO - Iter [63250/160000] lr: 1.209e-05, eta: 9:39:36, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1553, decode.acc_seg: 75.7745, aux.loss_ce: 0.0676, aux.acc_seg: 75.3430, loss: 0.2230 2022-03-01 09:01:55,631 - mmseg - INFO - Iter [63300/160000] lr: 1.209e-05, eta: 9:39:17, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1697, decode.acc_seg: 76.7199, aux.loss_ce: 0.0737, aux.acc_seg: 76.3229, loss: 0.2434 2022-03-01 09:02:13,274 - mmseg - INFO - Iter [63350/160000] lr: 1.208e-05, eta: 9:38:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1615, decode.acc_seg: 74.2392, aux.loss_ce: 0.0695, aux.acc_seg: 73.8861, loss: 0.2310 2022-03-01 09:02:31,205 - mmseg - INFO - Iter [63400/160000] lr: 1.208e-05, eta: 9:38:41, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1567, decode.acc_seg: 76.2921, aux.loss_ce: 0.0687, aux.acc_seg: 75.8429, loss: 0.2254 2022-03-01 09:02:48,995 - mmseg - INFO - Iter [63450/160000] lr: 1.207e-05, eta: 9:38:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1570, decode.acc_seg: 75.3195, aux.loss_ce: 0.0679, aux.acc_seg: 74.9398, loss: 0.2250 2022-03-01 09:03:06,946 - mmseg - INFO - Iter [63500/160000] lr: 1.206e-05, eta: 9:38:05, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1682, decode.acc_seg: 75.2573, aux.loss_ce: 0.0711, aux.acc_seg: 74.9824, loss: 0.2393 2022-03-01 09:03:24,850 - mmseg - INFO - Iter [63550/160000] lr: 1.206e-05, eta: 9:37:47, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1548, decode.acc_seg: 77.3934, aux.loss_ce: 0.0673, aux.acc_seg: 77.0510, loss: 0.2221 2022-03-01 09:03:42,526 - mmseg - INFO - Iter [63600/160000] lr: 1.205e-05, eta: 9:37:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1535, decode.acc_seg: 76.6227, aux.loss_ce: 0.0667, aux.acc_seg: 76.2374, loss: 0.2201 2022-03-01 09:04:00,397 - mmseg - INFO - Iter [63650/160000] lr: 1.204e-05, eta: 9:37:10, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1623, decode.acc_seg: 74.3661, aux.loss_ce: 0.0704, aux.acc_seg: 73.9688, loss: 0.2328 2022-03-01 09:04:18,180 - mmseg - INFO - Iter [63700/160000] lr: 1.204e-05, eta: 9:36:52, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1604, decode.acc_seg: 76.8558, aux.loss_ce: 0.0701, aux.acc_seg: 76.4244, loss: 0.2306 2022-03-01 09:04:36,019 - mmseg - INFO - Iter [63750/160000] lr: 1.203e-05, eta: 9:36:34, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1600, decode.acc_seg: 77.1147, aux.loss_ce: 0.0698, aux.acc_seg: 76.6833, loss: 0.2297 2022-03-01 09:04:53,781 - mmseg - INFO - Iter [63800/160000] lr: 1.203e-05, eta: 9:36:15, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1612, decode.acc_seg: 76.9892, aux.loss_ce: 0.0695, aux.acc_seg: 76.6076, loss: 0.2307 2022-03-01 09:05:11,550 - mmseg - INFO - Iter [63850/160000] lr: 1.202e-05, eta: 9:35:57, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1589, decode.acc_seg: 75.5835, aux.loss_ce: 0.0683, aux.acc_seg: 75.2285, loss: 0.2272 2022-03-01 09:05:29,380 - mmseg - INFO - Iter [63900/160000] lr: 1.201e-05, eta: 9:35:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1585, decode.acc_seg: 76.1985, aux.loss_ce: 0.0693, aux.acc_seg: 75.7795, loss: 0.2278 2022-03-01 09:05:47,179 - mmseg - INFO - Iter [63950/160000] lr: 1.201e-05, eta: 9:35:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1582, decode.acc_seg: 76.3212, aux.loss_ce: 0.0687, aux.acc_seg: 75.9151, loss: 0.2269 2022-03-01 09:06:05,104 - mmseg - INFO - Saving checkpoint at 64000 iterations 2022-03-01 09:06:12,307 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:06:12,307 - mmseg - INFO - Iter [64000/160000] lr: 1.200e-05, eta: 9:35:13, time: 0.503, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1553, decode.acc_seg: 74.9483, aux.loss_ce: 0.0679, aux.acc_seg: 74.5849, loss: 0.2232 2022-03-01 09:06:40,807 - mmseg - INFO - per class results: 2022-03-01 09:06:40,813 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.11 | 87.99 | | building | 83.44 | 92.01 | | sky | 94.68 | 97.68 | | floor | 82.26 | 92.21 | | tree | 75.65 | 87.21 | | ceiling | 84.54 | 92.68 | | road | 85.33 | 91.41 | | bed | 91.36 | 96.29 | | windowpane | 62.15 | 82.1 | | grass | 67.97 | 83.79 | | cabinet | 61.67 | 75.73 | | sidewalk | 70.71 | 83.21 | | person | 81.8 | 93.93 | | earth | 37.77 | 54.2 | | door | 50.13 | 65.64 | | table | 63.2 | 78.21 | | mountain | 58.75 | 68.53 | | plant | 51.6 | 63.01 | | curtain | 76.04 | 85.12 | | chair | 60.57 | 73.79 | | car | 84.91 | 93.63 | | water | 61.78 | 82.91 | | painting | 74.61 | 88.2 | | sofa | 56.9 | 64.35 | | shelf | 45.36 | 62.8 | | house | 48.34 | 72.44 | | sea | 57.94 | 65.48 | | mirror | 72.13 | 80.47 | | rug | 54.24 | 58.59 | | field | 31.77 | 44.24 | | armchair | 41.12 | 76.68 | | seat | 63.72 | 86.12 | | fence | 44.17 | 60.34 | | desk | 54.11 | 68.42 | | rock | 50.44 | 74.66 | | wardrobe | 45.02 | 62.69 | | lamp | 66.87 | 78.22 | | bathtub | 81.48 | 85.05 | | railing | 40.66 | 58.67 | | cushion | 62.6 | 75.61 | | base | 30.01 | 44.35 | | box | 28.14 | 37.4 | | column | 49.98 | 60.99 | | signboard | 36.83 | 54.45 | | chest of drawers | 40.42 | 55.84 | | counter | 35.22 | 47.33 | | sand | 55.71 | 74.2 | | sink | 78.71 | 86.06 | | skyscraper | 54.21 | 61.27 | | fireplace | 71.74 | 91.77 | | refrigerator | 74.8 | 84.06 | | grandstand | 47.41 | 82.58 | | path | 31.36 | 48.96 | | stairs | 27.57 | 33.73 | | runway | 65.95 | 83.85 | | case | 59.41 | 79.57 | | pool table | 92.43 | 97.28 | | pillow | 59.96 | 68.52 | | screen door | 67.41 | 74.73 | | stairway | 30.71 | 39.81 | | river | 16.33 | 30.01 | | bridge | 75.86 | 86.23 | | bookcase | 39.7 | 56.47 | | blind | 43.72 | 52.26 | | coffee table | 58.94 | 83.79 | | toilet | 85.42 | 92.97 | | flower | 43.81 | 61.09 | | book | 50.34 | 78.35 | | hill | 12.19 | 25.24 | | bench | 44.97 | 52.96 | | countertop | 62.18 | 78.82 | | stove | 81.52 | 86.66 | | palm | 56.65 | 79.36 | | kitchen island | 42.47 | 80.11 | | computer | 77.62 | 88.36 | | swivel chair | 40.65 | 50.61 | | boat | 61.69 | 77.94 | | bar | 49.3 | 62.84 | | arcade machine | 76.49 | 82.76 | | hovel | 13.01 | 13.17 | | bus | 91.28 | 95.78 | | towel | 72.72 | 84.36 | | light | 43.42 | 45.96 | | truck | 26.52 | 35.67 | | tower | 7.07 | 12.43 | | chandelier | 68.59 | 81.41 | | awning | 38.07 | 51.09 | | streetlight | 30.23 | 45.38 | | booth | 54.33 | 74.53 | | television receiver | 75.91 | 84.91 | | airplane | 72.51 | 81.24 | | dirt track | 2.64 | 11.15 | | apparel | 44.05 | 62.48 | | pole | 18.46 | 22.05 | | land | 0.93 | 1.5 | | bannister | 13.33 | 17.77 | | escalator | 54.89 | 83.6 | | ottoman | 44.27 | 66.33 | | bottle | 38.16 | 62.1 | | buffet | 44.5 | 53.03 | | poster | 28.72 | 52.8 | | stage | 20.59 | 37.35 | | van | 44.36 | 56.51 | | ship | 73.07 | 85.83 | | fountain | 22.78 | 23.26 | | conveyer belt | 81.26 | 92.81 | | canopy | 44.41 | 50.63 | | washer | 90.48 | 94.41 | | plaything | 25.26 | 39.19 | | swimming pool | 75.09 | 77.17 | | stool | 41.39 | 60.3 | | barrel | 53.86 | 74.3 | | basket | 37.36 | 51.6 | | waterfall | 77.36 | 86.18 | | tent | 88.76 | 98.42 | | bag | 8.66 | 8.97 | | minibike | 70.32 | 83.41 | | cradle | 82.4 | 96.52 | | oven | 55.47 | 74.38 | | ball | 52.58 | 57.61 | | food | 54.4 | 61.83 | | step | 6.55 | 7.82 | | tank | 60.29 | 66.41 | | trade name | 23.18 | 26.66 | | microwave | 88.78 | 94.05 | | pot | 49.94 | 58.17 | | animal | 58.78 | 60.26 | | bicycle | 56.55 | 71.29 | | lake | 62.63 | 62.82 | | dishwasher | 61.55 | 68.42 | | screen | 51.24 | 76.68 | | blanket | 17.72 | 19.58 | | sculpture | 68.6 | 85.1 | | hood | 59.15 | 68.3 | | sconce | 47.32 | 56.31 | | vase | 40.29 | 59.26 | | traffic light | 35.41 | 50.4 | | tray | 16.03 | 22.99 | | ashcan | 43.41 | 60.08 | | fan | 64.76 | 81.99 | | pier | 39.74 | 57.9 | | crt screen | 4.43 | 10.74 | | plate | 55.98 | 74.1 | | monitor | 31.56 | 36.35 | | bulletin board | 46.92 | 57.01 | | shower | 6.28 | 7.65 | | radiator | 65.17 | 72.63 | | glass | 15.71 | 16.65 | | clock | 41.25 | 46.94 | | flag | 63.55 | 70.82 | +---------------------+-------+-------+ 2022-03-01 09:06:40,813 - mmseg - INFO - Summary: 2022-03-01 09:06:40,813 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.99 | 52.54 | 64.63 | +-------+-------+-------+ 2022-03-01 09:06:40,822 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:06:40,823 - mmseg - INFO - Iter(val) [250] aAcc: 0.8399, mIoU: 0.5254, mAcc: 0.6463, IoU.wall: 0.7911, IoU.building: 0.8344, IoU.sky: 0.9468, IoU.floor: 0.8226, IoU.tree: 0.7565, IoU.ceiling: 0.8454, IoU.road: 0.8533, IoU.bed : 0.9136, IoU.windowpane: 0.6215, IoU.grass: 0.6797, IoU.cabinet: 0.6167, IoU.sidewalk: 0.7071, IoU.person: 0.8180, IoU.earth: 0.3777, IoU.door: 0.5013, IoU.table: 0.6320, IoU.mountain: 0.5875, IoU.plant: 0.5160, IoU.curtain: 0.7604, IoU.chair: 0.6057, IoU.car: 0.8491, IoU.water: 0.6178, IoU.painting: 0.7461, IoU.sofa: 0.5690, IoU.shelf: 0.4536, IoU.house: 0.4834, IoU.sea: 0.5794, IoU.mirror: 0.7213, IoU.rug: 0.5424, IoU.field: 0.3177, IoU.armchair: 0.4112, IoU.seat: 0.6372, IoU.fence: 0.4417, IoU.desk: 0.5411, IoU.rock: 0.5044, IoU.wardrobe: 0.4502, IoU.lamp: 0.6687, IoU.bathtub: 0.8148, IoU.railing: 0.4066, IoU.cushion: 0.6260, IoU.base: 0.3001, IoU.box: 0.2814, IoU.column: 0.4998, IoU.signboard: 0.3683, IoU.chest of drawers: 0.4042, IoU.counter: 0.3522, IoU.sand: 0.5571, IoU.sink: 0.7871, IoU.skyscraper: 0.5421, IoU.fireplace: 0.7174, IoU.refrigerator: 0.7480, IoU.grandstand: 0.4741, IoU.path: 0.3136, IoU.stairs: 0.2757, IoU.runway: 0.6595, IoU.case: 0.5941, IoU.pool table: 0.9243, IoU.pillow: 0.5996, IoU.screen door: 0.6741, IoU.stairway: 0.3071, IoU.river: 0.1633, IoU.bridge: 0.7586, IoU.bookcase: 0.3970, IoU.blind: 0.4372, IoU.coffee table: 0.5894, IoU.toilet: 0.8542, IoU.flower: 0.4381, IoU.book: 0.5034, IoU.hill: 0.1219, IoU.bench: 0.4497, IoU.countertop: 0.6218, IoU.stove: 0.8152, IoU.palm: 0.5665, IoU.kitchen island: 0.4247, IoU.computer: 0.7762, IoU.swivel chair: 0.4065, IoU.boat: 0.6169, IoU.bar: 0.4930, IoU.arcade machine: 0.7649, IoU.hovel: 0.1301, IoU.bus: 0.9128, IoU.towel: 0.7272, IoU.light: 0.4342, IoU.truck: 0.2652, IoU.tower: 0.0707, IoU.chandelier: 0.6859, IoU.awning: 0.3807, IoU.streetlight: 0.3023, IoU.booth: 0.5433, IoU.television receiver: 0.7591, IoU.airplane: 0.7251, IoU.dirt track: 0.0264, IoU.apparel: 0.4405, IoU.pole: 0.1846, IoU.land: 0.0093, IoU.bannister: 0.1333, IoU.escalator: 0.5489, IoU.ottoman: 0.4427, IoU.bottle: 0.3816, IoU.buffet: 0.4450, IoU.poster: 0.2872, IoU.stage: 0.2059, IoU.van: 0.4436, IoU.ship: 0.7307, IoU.fountain: 0.2278, IoU.conveyer belt: 0.8126, IoU.canopy: 0.4441, IoU.washer: 0.9048, IoU.plaything: 0.2526, IoU.swimming pool: 0.7509, IoU.stool: 0.4139, IoU.barrel: 0.5386, IoU.basket: 0.3736, IoU.waterfall: 0.7736, IoU.tent: 0.8876, IoU.bag: 0.0866, IoU.minibike: 0.7032, IoU.cradle: 0.8240, IoU.oven: 0.5547, IoU.ball: 0.5258, IoU.food: 0.5440, IoU.step: 0.0655, IoU.tank: 0.6029, IoU.trade name: 0.2318, IoU.microwave: 0.8878, IoU.pot: 0.4994, IoU.animal: 0.5878, IoU.bicycle: 0.5655, IoU.lake: 0.6263, IoU.dishwasher: 0.6155, IoU.screen: 0.5124, IoU.blanket: 0.1772, IoU.sculpture: 0.6860, IoU.hood: 0.5915, IoU.sconce: 0.4732, IoU.vase: 0.4029, IoU.traffic light: 0.3541, IoU.tray: 0.1603, IoU.ashcan: 0.4341, IoU.fan: 0.6476, IoU.pier: 0.3974, IoU.crt screen: 0.0443, IoU.plate: 0.5598, IoU.monitor: 0.3156, IoU.bulletin board: 0.4692, IoU.shower: 0.0628, IoU.radiator: 0.6517, IoU.glass: 0.1571, IoU.clock: 0.4125, IoU.flag: 0.6355, Acc.wall: 0.8799, Acc.building: 0.9201, Acc.sky: 0.9768, Acc.floor: 0.9221, Acc.tree: 0.8721, Acc.ceiling: 0.9268, Acc.road: 0.9141, Acc.bed : 0.9629, Acc.windowpane: 0.8210, Acc.grass: 0.8379, Acc.cabinet: 0.7573, Acc.sidewalk: 0.8321, Acc.person: 0.9393, Acc.earth: 0.5420, Acc.door: 0.6564, Acc.table: 0.7821, Acc.mountain: 0.6853, Acc.plant: 0.6301, Acc.curtain: 0.8512, Acc.chair: 0.7379, Acc.car: 0.9363, Acc.water: 0.8291, Acc.painting: 0.8820, Acc.sofa: 0.6435, Acc.shelf: 0.6280, Acc.house: 0.7244, Acc.sea: 0.6548, Acc.mirror: 0.8047, Acc.rug: 0.5859, Acc.field: 0.4424, Acc.armchair: 0.7668, Acc.seat: 0.8612, Acc.fence: 0.6034, Acc.desk: 0.6842, Acc.rock: 0.7466, Acc.wardrobe: 0.6269, Acc.lamp: 0.7822, Acc.bathtub: 0.8505, Acc.railing: 0.5867, Acc.cushion: 0.7561, Acc.base: 0.4435, Acc.box: 0.3740, Acc.column: 0.6099, Acc.signboard: 0.5445, Acc.chest of drawers: 0.5584, Acc.counter: 0.4733, Acc.sand: 0.7420, Acc.sink: 0.8606, Acc.skyscraper: 0.6127, Acc.fireplace: 0.9177, Acc.refrigerator: 0.8406, Acc.grandstand: 0.8258, Acc.path: 0.4896, Acc.stairs: 0.3373, Acc.runway: 0.8385, Acc.case: 0.7957, Acc.pool table: 0.9728, Acc.pillow: 0.6852, Acc.screen door: 0.7473, Acc.stairway: 0.3981, Acc.river: 0.3001, Acc.bridge: 0.8623, Acc.bookcase: 0.5647, Acc.blind: 0.5226, Acc.coffee table: 0.8379, Acc.toilet: 0.9297, Acc.flower: 0.6109, Acc.book: 0.7835, Acc.hill: 0.2524, Acc.bench: 0.5296, Acc.countertop: 0.7882, Acc.stove: 0.8666, Acc.palm: 0.7936, Acc.kitchen island: 0.8011, Acc.computer: 0.8836, Acc.swivel chair: 0.5061, Acc.boat: 0.7794, Acc.bar: 0.6284, Acc.arcade machine: 0.8276, Acc.hovel: 0.1317, Acc.bus: 0.9578, Acc.towel: 0.8436, Acc.light: 0.4596, Acc.truck: 0.3567, Acc.tower: 0.1243, Acc.chandelier: 0.8141, Acc.awning: 0.5109, Acc.streetlight: 0.4538, Acc.booth: 0.7453, Acc.television receiver: 0.8491, Acc.airplane: 0.8124, Acc.dirt track: 0.1115, Acc.apparel: 0.6248, Acc.pole: 0.2205, Acc.land: 0.0150, Acc.bannister: 0.1777, Acc.escalator: 0.8360, Acc.ottoman: 0.6633, Acc.bottle: 0.6210, Acc.buffet: 0.5303, Acc.poster: 0.5280, Acc.stage: 0.3735, Acc.van: 0.5651, Acc.ship: 0.8583, Acc.fountain: 0.2326, Acc.conveyer belt: 0.9281, Acc.canopy: 0.5063, Acc.washer: 0.9441, Acc.plaything: 0.3919, Acc.swimming pool: 0.7717, Acc.stool: 0.6030, Acc.barrel: 0.7430, Acc.basket: 0.5160, Acc.waterfall: 0.8618, Acc.tent: 0.9842, Acc.bag: 0.0897, Acc.minibike: 0.8341, Acc.cradle: 0.9652, Acc.oven: 0.7438, Acc.ball: 0.5761, Acc.food: 0.6183, Acc.step: 0.0782, Acc.tank: 0.6641, Acc.trade name: 0.2666, Acc.microwave: 0.9405, Acc.pot: 0.5817, Acc.animal: 0.6026, Acc.bicycle: 0.7129, Acc.lake: 0.6282, Acc.dishwasher: 0.6842, Acc.screen: 0.7668, Acc.blanket: 0.1958, Acc.sculpture: 0.8510, Acc.hood: 0.6830, Acc.sconce: 0.5631, Acc.vase: 0.5926, Acc.traffic light: 0.5040, Acc.tray: 0.2299, Acc.ashcan: 0.6008, Acc.fan: 0.8199, Acc.pier: 0.5790, Acc.crt screen: 0.1074, Acc.plate: 0.7410, Acc.monitor: 0.3635, Acc.bulletin board: 0.5701, Acc.shower: 0.0765, Acc.radiator: 0.7263, Acc.glass: 0.1665, Acc.clock: 0.4694, Acc.flag: 0.7082 2022-03-01 09:06:58,659 - mmseg - INFO - Iter [64050/160000] lr: 1.199e-05, eta: 9:35:38, time: 0.927, data_time: 0.575, memory: 49013, decode.loss_ce: 0.1618, decode.acc_seg: 74.7863, aux.loss_ce: 0.0707, aux.acc_seg: 74.3559, loss: 0.2324 2022-03-01 09:07:16,520 - mmseg - INFO - Iter [64100/160000] lr: 1.199e-05, eta: 9:35:20, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1680, decode.acc_seg: 74.6344, aux.loss_ce: 0.0717, aux.acc_seg: 74.3034, loss: 0.2397 2022-03-01 09:07:34,368 - mmseg - INFO - Iter [64150/160000] lr: 1.198e-05, eta: 9:35:02, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1584, decode.acc_seg: 74.7445, aux.loss_ce: 0.0686, aux.acc_seg: 74.3651, loss: 0.2270 2022-03-01 09:07:52,239 - mmseg - INFO - Iter [64200/160000] lr: 1.198e-05, eta: 9:34:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1635, decode.acc_seg: 74.5065, aux.loss_ce: 0.0715, aux.acc_seg: 74.1007, loss: 0.2349 2022-03-01 09:08:09,941 - mmseg - INFO - Iter [64250/160000] lr: 1.197e-05, eta: 9:34:25, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1607, decode.acc_seg: 73.2678, aux.loss_ce: 0.0696, aux.acc_seg: 72.9210, loss: 0.2303 2022-03-01 09:08:27,704 - mmseg - INFO - Iter [64300/160000] lr: 1.196e-05, eta: 9:34:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1600, decode.acc_seg: 74.4747, aux.loss_ce: 0.0693, aux.acc_seg: 74.1155, loss: 0.2293 2022-03-01 09:08:45,683 - mmseg - INFO - Iter [64350/160000] lr: 1.196e-05, eta: 9:33:49, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1616, decode.acc_seg: 76.5108, aux.loss_ce: 0.0704, aux.acc_seg: 76.1022, loss: 0.2320 2022-03-01 09:09:03,456 - mmseg - INFO - Iter [64400/160000] lr: 1.195e-05, eta: 9:33:30, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1588, decode.acc_seg: 75.2987, aux.loss_ce: 0.0682, aux.acc_seg: 74.9740, loss: 0.2270 2022-03-01 09:09:23,432 - mmseg - INFO - Iter [64450/160000] lr: 1.194e-05, eta: 9:33:15, time: 0.400, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1556, decode.acc_seg: 76.7251, aux.loss_ce: 0.0680, aux.acc_seg: 76.3376, loss: 0.2235 2022-03-01 09:09:41,315 - mmseg - INFO - Iter [64500/160000] lr: 1.194e-05, eta: 9:32:57, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1597, decode.acc_seg: 75.1262, aux.loss_ce: 0.0694, aux.acc_seg: 74.7020, loss: 0.2291 2022-03-01 09:09:59,335 - mmseg - INFO - Iter [64550/160000] lr: 1.193e-05, eta: 9:32:39, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1677, decode.acc_seg: 74.4266, aux.loss_ce: 0.0717, aux.acc_seg: 74.0967, loss: 0.2394 2022-03-01 09:10:17,066 - mmseg - INFO - Iter [64600/160000] lr: 1.193e-05, eta: 9:32:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1540, decode.acc_seg: 74.2394, aux.loss_ce: 0.0674, aux.acc_seg: 73.8276, loss: 0.2213 2022-03-01 09:10:34,696 - mmseg - INFO - Iter [64650/160000] lr: 1.192e-05, eta: 9:32:02, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1593, decode.acc_seg: 73.6750, aux.loss_ce: 0.0686, aux.acc_seg: 73.3162, loss: 0.2279 2022-03-01 09:10:52,477 - mmseg - INFO - Iter [64700/160000] lr: 1.191e-05, eta: 9:31:44, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1576, decode.acc_seg: 74.7362, aux.loss_ce: 0.0684, aux.acc_seg: 74.3968, loss: 0.2260 2022-03-01 09:11:10,371 - mmseg - INFO - Iter [64750/160000] lr: 1.191e-05, eta: 9:31:26, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1527, decode.acc_seg: 75.0939, aux.loss_ce: 0.0665, aux.acc_seg: 74.7163, loss: 0.2192 2022-03-01 09:11:28,169 - mmseg - INFO - Iter [64800/160000] lr: 1.190e-05, eta: 9:31:07, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1505, decode.acc_seg: 76.0193, aux.loss_ce: 0.0663, aux.acc_seg: 75.5617, loss: 0.2168 2022-03-01 09:11:45,941 - mmseg - INFO - Iter [64850/160000] lr: 1.189e-05, eta: 9:30:49, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1539, decode.acc_seg: 75.5424, aux.loss_ce: 0.0675, aux.acc_seg: 75.1466, loss: 0.2215 2022-03-01 09:12:03,595 - mmseg - INFO - Iter [64900/160000] lr: 1.189e-05, eta: 9:30:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1617, decode.acc_seg: 76.2358, aux.loss_ce: 0.0698, aux.acc_seg: 75.8250, loss: 0.2315 2022-03-01 09:12:21,572 - mmseg - INFO - Iter [64950/160000] lr: 1.188e-05, eta: 9:30:12, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1626, decode.acc_seg: 75.4233, aux.loss_ce: 0.0704, aux.acc_seg: 75.0884, loss: 0.2330 2022-03-01 09:12:39,508 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:12:39,508 - mmseg - INFO - Iter [65000/160000] lr: 1.188e-05, eta: 9:29:54, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1596, decode.acc_seg: 76.0374, aux.loss_ce: 0.0684, aux.acc_seg: 75.7634, loss: 0.2280 2022-03-01 09:12:57,524 - mmseg - INFO - Iter [65050/160000] lr: 1.187e-05, eta: 9:29:36, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1497, decode.acc_seg: 76.3670, aux.loss_ce: 0.0651, aux.acc_seg: 75.9720, loss: 0.2148 2022-03-01 09:13:15,255 - mmseg - INFO - Iter [65100/160000] lr: 1.186e-05, eta: 9:29:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1549, decode.acc_seg: 74.7573, aux.loss_ce: 0.0680, aux.acc_seg: 74.3423, loss: 0.2229 2022-03-01 09:13:33,090 - mmseg - INFO - Iter [65150/160000] lr: 1.186e-05, eta: 9:29:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1447, decode.acc_seg: 76.5297, aux.loss_ce: 0.0634, aux.acc_seg: 76.1311, loss: 0.2082 2022-03-01 09:13:50,930 - mmseg - INFO - Iter [65200/160000] lr: 1.185e-05, eta: 9:28:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1543, decode.acc_seg: 75.6067, aux.loss_ce: 0.0675, aux.acc_seg: 75.1685, loss: 0.2218 2022-03-01 09:14:08,586 - mmseg - INFO - Iter [65250/160000] lr: 1.184e-05, eta: 9:28:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1582, decode.acc_seg: 76.5480, aux.loss_ce: 0.0690, aux.acc_seg: 76.1529, loss: 0.2271 2022-03-01 09:14:26,311 - mmseg - INFO - Iter [65300/160000] lr: 1.184e-05, eta: 9:28:05, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1563, decode.acc_seg: 74.1470, aux.loss_ce: 0.0685, aux.acc_seg: 73.7069, loss: 0.2247 2022-03-01 09:14:44,036 - mmseg - INFO - Iter [65350/160000] lr: 1.183e-05, eta: 9:27:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1673, decode.acc_seg: 75.2793, aux.loss_ce: 0.0717, aux.acc_seg: 74.8929, loss: 0.2390 2022-03-01 09:15:01,751 - mmseg - INFO - Iter [65400/160000] lr: 1.183e-05, eta: 9:27:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1524, decode.acc_seg: 74.3840, aux.loss_ce: 0.0663, aux.acc_seg: 73.9561, loss: 0.2187 2022-03-01 09:15:19,474 - mmseg - INFO - Iter [65450/160000] lr: 1.182e-05, eta: 9:27:09, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1569, decode.acc_seg: 75.3526, aux.loss_ce: 0.0675, aux.acc_seg: 75.0454, loss: 0.2244 2022-03-01 09:15:37,144 - mmseg - INFO - Iter [65500/160000] lr: 1.181e-05, eta: 9:26:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1631, decode.acc_seg: 76.0369, aux.loss_ce: 0.0705, aux.acc_seg: 75.7603, loss: 0.2336 2022-03-01 09:15:54,778 - mmseg - INFO - Iter [65550/160000] lr: 1.181e-05, eta: 9:26:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1571, decode.acc_seg: 76.0489, aux.loss_ce: 0.0695, aux.acc_seg: 75.5663, loss: 0.2266 2022-03-01 09:16:12,521 - mmseg - INFO - Iter [65600/160000] lr: 1.180e-05, eta: 9:26:14, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1483, decode.acc_seg: 75.1691, aux.loss_ce: 0.0644, aux.acc_seg: 74.8418, loss: 0.2127 2022-03-01 09:16:30,518 - mmseg - INFO - Iter [65650/160000] lr: 1.179e-05, eta: 9:25:56, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1641, decode.acc_seg: 74.5541, aux.loss_ce: 0.0707, aux.acc_seg: 74.1319, loss: 0.2348 2022-03-01 09:16:50,635 - mmseg - INFO - Iter [65700/160000] lr: 1.179e-05, eta: 9:25:41, time: 0.402, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1552, decode.acc_seg: 75.5855, aux.loss_ce: 0.0665, aux.acc_seg: 75.3233, loss: 0.2217 2022-03-01 09:17:08,288 - mmseg - INFO - Iter [65750/160000] lr: 1.178e-05, eta: 9:25:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1655, decode.acc_seg: 74.2810, aux.loss_ce: 0.0722, aux.acc_seg: 73.8099, loss: 0.2377 2022-03-01 09:17:26,277 - mmseg - INFO - Iter [65800/160000] lr: 1.178e-05, eta: 9:25:05, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1446, decode.acc_seg: 75.1934, aux.loss_ce: 0.0636, aux.acc_seg: 74.8149, loss: 0.2081 2022-03-01 09:17:44,148 - mmseg - INFO - Iter [65850/160000] lr: 1.177e-05, eta: 9:24:46, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1579, decode.acc_seg: 75.4457, aux.loss_ce: 0.0687, aux.acc_seg: 75.0265, loss: 0.2266 2022-03-01 09:18:01,792 - mmseg - INFO - Iter [65900/160000] lr: 1.176e-05, eta: 9:24:28, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1530, decode.acc_seg: 74.3009, aux.loss_ce: 0.0664, aux.acc_seg: 73.9315, loss: 0.2194 2022-03-01 09:18:19,559 - mmseg - INFO - Iter [65950/160000] lr: 1.176e-05, eta: 9:24:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1500, decode.acc_seg: 77.0124, aux.loss_ce: 0.0648, aux.acc_seg: 76.6677, loss: 0.2148 2022-03-01 09:18:37,531 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:18:37,531 - mmseg - INFO - Iter [66000/160000] lr: 1.175e-05, eta: 9:23:52, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1636, decode.acc_seg: 76.2323, aux.loss_ce: 0.0699, aux.acc_seg: 75.9205, loss: 0.2335 2022-03-01 09:18:55,257 - mmseg - INFO - Iter [66050/160000] lr: 1.174e-05, eta: 9:23:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1619, decode.acc_seg: 75.5027, aux.loss_ce: 0.0703, aux.acc_seg: 75.0940, loss: 0.2322 2022-03-01 09:19:13,022 - mmseg - INFO - Iter [66100/160000] lr: 1.174e-05, eta: 9:23:15, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1533, decode.acc_seg: 75.2958, aux.loss_ce: 0.0669, aux.acc_seg: 74.8909, loss: 0.2202 2022-03-01 09:19:30,814 - mmseg - INFO - Iter [66150/160000] lr: 1.173e-05, eta: 9:22:57, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1602, decode.acc_seg: 75.4717, aux.loss_ce: 0.0696, aux.acc_seg: 75.0805, loss: 0.2298 2022-03-01 09:19:48,617 - mmseg - INFO - Iter [66200/160000] lr: 1.173e-05, eta: 9:22:38, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1679, decode.acc_seg: 75.5592, aux.loss_ce: 0.0720, aux.acc_seg: 75.2136, loss: 0.2399 2022-03-01 09:20:06,290 - mmseg - INFO - Iter [66250/160000] lr: 1.172e-05, eta: 9:22:20, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1548, decode.acc_seg: 74.9441, aux.loss_ce: 0.0676, aux.acc_seg: 74.5096, loss: 0.2224 2022-03-01 09:20:24,025 - mmseg - INFO - Iter [66300/160000] lr: 1.171e-05, eta: 9:22:02, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1536, decode.acc_seg: 74.4074, aux.loss_ce: 0.0673, aux.acc_seg: 73.9905, loss: 0.2209 2022-03-01 09:20:41,850 - mmseg - INFO - Iter [66350/160000] lr: 1.171e-05, eta: 9:21:43, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1532, decode.acc_seg: 75.1139, aux.loss_ce: 0.0670, aux.acc_seg: 74.7321, loss: 0.2202 2022-03-01 09:20:59,518 - mmseg - INFO - Iter [66400/160000] lr: 1.170e-05, eta: 9:21:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1541, decode.acc_seg: 75.9145, aux.loss_ce: 0.0666, aux.acc_seg: 75.5053, loss: 0.2208 2022-03-01 09:21:17,239 - mmseg - INFO - Iter [66450/160000] lr: 1.169e-05, eta: 9:21:07, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1593, decode.acc_seg: 74.5870, aux.loss_ce: 0.0685, aux.acc_seg: 74.2728, loss: 0.2278 2022-03-01 09:21:35,043 - mmseg - INFO - Iter [66500/160000] lr: 1.169e-05, eta: 9:20:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1675, decode.acc_seg: 75.9556, aux.loss_ce: 0.0720, aux.acc_seg: 75.6081, loss: 0.2394 2022-03-01 09:21:52,628 - mmseg - INFO - Iter [66550/160000] lr: 1.168e-05, eta: 9:20:30, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1614, decode.acc_seg: 75.7864, aux.loss_ce: 0.0701, aux.acc_seg: 75.3984, loss: 0.2315 2022-03-01 09:22:10,251 - mmseg - INFO - Iter [66600/160000] lr: 1.168e-05, eta: 9:20:11, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1740, decode.acc_seg: 75.3915, aux.loss_ce: 0.0745, aux.acc_seg: 74.9953, loss: 0.2485 2022-03-01 09:22:27,855 - mmseg - INFO - Iter [66650/160000] lr: 1.167e-05, eta: 9:19:53, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1669, decode.acc_seg: 75.7806, aux.loss_ce: 0.0717, aux.acc_seg: 75.4609, loss: 0.2387 2022-03-01 09:22:45,747 - mmseg - INFO - Iter [66700/160000] lr: 1.166e-05, eta: 9:19:34, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1576, decode.acc_seg: 74.6689, aux.loss_ce: 0.0681, aux.acc_seg: 74.3318, loss: 0.2257 2022-03-01 09:23:03,706 - mmseg - INFO - Iter [66750/160000] lr: 1.166e-05, eta: 9:19:16, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1637, decode.acc_seg: 74.9202, aux.loss_ce: 0.0706, aux.acc_seg: 74.5308, loss: 0.2343 2022-03-01 09:23:21,538 - mmseg - INFO - Iter [66800/160000] lr: 1.165e-05, eta: 9:18:58, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1515, decode.acc_seg: 75.2763, aux.loss_ce: 0.0654, aux.acc_seg: 74.9482, loss: 0.2170 2022-03-01 09:23:39,283 - mmseg - INFO - Iter [66850/160000] lr: 1.164e-05, eta: 9:18:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1561, decode.acc_seg: 75.5550, aux.loss_ce: 0.0683, aux.acc_seg: 75.1556, loss: 0.2244 2022-03-01 09:23:57,008 - mmseg - INFO - Iter [66900/160000] lr: 1.164e-05, eta: 9:18:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1566, decode.acc_seg: 74.7162, aux.loss_ce: 0.0683, aux.acc_seg: 74.3792, loss: 0.2249 2022-03-01 09:24:16,941 - mmseg - INFO - Iter [66950/160000] lr: 1.163e-05, eta: 9:18:06, time: 0.399, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1570, decode.acc_seg: 75.6118, aux.loss_ce: 0.0682, aux.acc_seg: 75.2405, loss: 0.2253 2022-03-01 09:24:34,745 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:24:34,745 - mmseg - INFO - Iter [67000/160000] lr: 1.163e-05, eta: 9:17:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1580, decode.acc_seg: 75.7346, aux.loss_ce: 0.0697, aux.acc_seg: 75.2521, loss: 0.2277 2022-03-01 09:24:52,471 - mmseg - INFO - Iter [67050/160000] lr: 1.162e-05, eta: 9:17:30, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1606, decode.acc_seg: 74.5669, aux.loss_ce: 0.0698, aux.acc_seg: 74.1795, loss: 0.2304 2022-03-01 09:25:10,225 - mmseg - INFO - Iter [67100/160000] lr: 1.161e-05, eta: 9:17:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1547, decode.acc_seg: 74.4122, aux.loss_ce: 0.0670, aux.acc_seg: 74.0273, loss: 0.2217 2022-03-01 09:25:28,139 - mmseg - INFO - Iter [67150/160000] lr: 1.161e-05, eta: 9:16:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1534, decode.acc_seg: 74.7845, aux.loss_ce: 0.0673, aux.acc_seg: 74.3584, loss: 0.2207 2022-03-01 09:25:45,906 - mmseg - INFO - Iter [67200/160000] lr: 1.160e-05, eta: 9:16:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1588, decode.acc_seg: 75.6446, aux.loss_ce: 0.0700, aux.acc_seg: 75.2392, loss: 0.2287 2022-03-01 09:26:03,731 - mmseg - INFO - Iter [67250/160000] lr: 1.159e-05, eta: 9:16:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1483, decode.acc_seg: 75.6186, aux.loss_ce: 0.0648, aux.acc_seg: 75.2836, loss: 0.2131 2022-03-01 09:26:21,474 - mmseg - INFO - Iter [67300/160000] lr: 1.159e-05, eta: 9:15:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1545, decode.acc_seg: 75.9763, aux.loss_ce: 0.0676, aux.acc_seg: 75.5702, loss: 0.2221 2022-03-01 09:26:39,105 - mmseg - INFO - Iter [67350/160000] lr: 1.158e-05, eta: 9:15:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1497, decode.acc_seg: 75.8725, aux.loss_ce: 0.0643, aux.acc_seg: 75.5732, loss: 0.2140 2022-03-01 09:26:56,891 - mmseg - INFO - Iter [67400/160000] lr: 1.158e-05, eta: 9:15:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1495, decode.acc_seg: 75.5046, aux.loss_ce: 0.0648, aux.acc_seg: 75.1545, loss: 0.2142 2022-03-01 09:27:14,831 - mmseg - INFO - Iter [67450/160000] lr: 1.157e-05, eta: 9:15:03, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1480, decode.acc_seg: 75.6924, aux.loss_ce: 0.0650, aux.acc_seg: 75.2480, loss: 0.2129 2022-03-01 09:27:32,673 - mmseg - INFO - Iter [67500/160000] lr: 1.156e-05, eta: 9:14:45, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1528, decode.acc_seg: 76.8156, aux.loss_ce: 0.0658, aux.acc_seg: 76.4601, loss: 0.2186 2022-03-01 09:27:50,381 - mmseg - INFO - Iter [67550/160000] lr: 1.156e-05, eta: 9:14:27, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1480, decode.acc_seg: 76.0436, aux.loss_ce: 0.0653, aux.acc_seg: 75.6365, loss: 0.2134 2022-03-01 09:28:08,109 - mmseg - INFO - Iter [67600/160000] lr: 1.155e-05, eta: 9:14:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1540, decode.acc_seg: 76.2479, aux.loss_ce: 0.0678, aux.acc_seg: 75.8050, loss: 0.2217 2022-03-01 09:28:25,828 - mmseg - INFO - Iter [67650/160000] lr: 1.154e-05, eta: 9:13:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1561, decode.acc_seg: 76.5191, aux.loss_ce: 0.0680, aux.acc_seg: 76.1114, loss: 0.2242 2022-03-01 09:28:43,511 - mmseg - INFO - Iter [67700/160000] lr: 1.154e-05, eta: 9:13:32, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1573, decode.acc_seg: 75.5802, aux.loss_ce: 0.0684, aux.acc_seg: 75.1491, loss: 0.2257 2022-03-01 09:29:01,233 - mmseg - INFO - Iter [67750/160000] lr: 1.153e-05, eta: 9:13:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1510, decode.acc_seg: 75.7990, aux.loss_ce: 0.0660, aux.acc_seg: 75.3926, loss: 0.2170 2022-03-01 09:29:18,980 - mmseg - INFO - Iter [67800/160000] lr: 1.153e-05, eta: 9:12:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1494, decode.acc_seg: 75.0009, aux.loss_ce: 0.0652, aux.acc_seg: 74.6258, loss: 0.2146 2022-03-01 09:29:36,777 - mmseg - INFO - Iter [67850/160000] lr: 1.152e-05, eta: 9:12:37, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1598, decode.acc_seg: 75.1513, aux.loss_ce: 0.0691, aux.acc_seg: 74.8156, loss: 0.2289 2022-03-01 09:29:54,372 - mmseg - INFO - Iter [67900/160000] lr: 1.151e-05, eta: 9:12:18, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1437, decode.acc_seg: 75.8541, aux.loss_ce: 0.0633, aux.acc_seg: 75.4193, loss: 0.2070 2022-03-01 09:30:12,216 - mmseg - INFO - Iter [67950/160000] lr: 1.151e-05, eta: 9:12:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1488, decode.acc_seg: 74.1386, aux.loss_ce: 0.0653, aux.acc_seg: 73.7544, loss: 0.2142 2022-03-01 09:30:29,960 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:30:29,961 - mmseg - INFO - Iter [68000/160000] lr: 1.150e-05, eta: 9:11:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1487, decode.acc_seg: 76.8129, aux.loss_ce: 0.0652, aux.acc_seg: 76.4064, loss: 0.2139 2022-03-01 09:30:47,748 - mmseg - INFO - Iter [68050/160000] lr: 1.149e-05, eta: 9:11:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1502, decode.acc_seg: 74.8477, aux.loss_ce: 0.0663, aux.acc_seg: 74.4290, loss: 0.2165 2022-03-01 09:31:05,532 - mmseg - INFO - Iter [68100/160000] lr: 1.149e-05, eta: 9:11:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1524, decode.acc_seg: 76.7590, aux.loss_ce: 0.0672, aux.acc_seg: 76.3267, loss: 0.2196 2022-03-01 09:31:23,157 - mmseg - INFO - Iter [68150/160000] lr: 1.148e-05, eta: 9:10:47, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1634, decode.acc_seg: 76.1079, aux.loss_ce: 0.0707, aux.acc_seg: 75.6752, loss: 0.2341 2022-03-01 09:31:41,025 - mmseg - INFO - Iter [68200/160000] lr: 1.148e-05, eta: 9:10:29, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1617, decode.acc_seg: 74.6059, aux.loss_ce: 0.0708, aux.acc_seg: 74.1612, loss: 0.2325 2022-03-01 09:32:01,062 - mmseg - INFO - Iter [68250/160000] lr: 1.147e-05, eta: 9:10:13, time: 0.401, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1577, decode.acc_seg: 76.2935, aux.loss_ce: 0.0685, aux.acc_seg: 75.9870, loss: 0.2262 2022-03-01 09:32:19,007 - mmseg - INFO - Iter [68300/160000] lr: 1.146e-05, eta: 9:09:55, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1446, decode.acc_seg: 74.8212, aux.loss_ce: 0.0632, aux.acc_seg: 74.4302, loss: 0.2078 2022-03-01 09:32:36,890 - mmseg - INFO - Iter [68350/160000] lr: 1.146e-05, eta: 9:09:37, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1432, decode.acc_seg: 75.1331, aux.loss_ce: 0.0624, aux.acc_seg: 74.7613, loss: 0.2056 2022-03-01 09:32:54,688 - mmseg - INFO - Iter [68400/160000] lr: 1.145e-05, eta: 9:09:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1762, decode.acc_seg: 74.9266, aux.loss_ce: 0.0760, aux.acc_seg: 74.4904, loss: 0.2522 2022-03-01 09:33:12,361 - mmseg - INFO - Iter [68450/160000] lr: 1.144e-05, eta: 9:09:00, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1524, decode.acc_seg: 75.5802, aux.loss_ce: 0.0660, aux.acc_seg: 75.1822, loss: 0.2183 2022-03-01 09:33:30,045 - mmseg - INFO - Iter [68500/160000] lr: 1.144e-05, eta: 9:08:42, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1587, decode.acc_seg: 76.0972, aux.loss_ce: 0.0693, aux.acc_seg: 75.7037, loss: 0.2280 2022-03-01 09:33:47,878 - mmseg - INFO - Iter [68550/160000] lr: 1.143e-05, eta: 9:08:24, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1575, decode.acc_seg: 74.7309, aux.loss_ce: 0.0682, aux.acc_seg: 74.3524, loss: 0.2257 2022-03-01 09:34:05,677 - mmseg - INFO - Iter [68600/160000] lr: 1.143e-05, eta: 9:08:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1615, decode.acc_seg: 74.9803, aux.loss_ce: 0.0696, aux.acc_seg: 74.5885, loss: 0.2311 2022-03-01 09:34:23,410 - mmseg - INFO - Iter [68650/160000] lr: 1.142e-05, eta: 9:07:47, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1469, decode.acc_seg: 75.2337, aux.loss_ce: 0.0640, aux.acc_seg: 74.8588, loss: 0.2109 2022-03-01 09:34:41,206 - mmseg - INFO - Iter [68700/160000] lr: 1.141e-05, eta: 9:07:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1560, decode.acc_seg: 75.3791, aux.loss_ce: 0.0685, aux.acc_seg: 74.9603, loss: 0.2246 2022-03-01 09:34:58,983 - mmseg - INFO - Iter [68750/160000] lr: 1.141e-05, eta: 9:07:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1485, decode.acc_seg: 75.3491, aux.loss_ce: 0.0648, aux.acc_seg: 74.9207, loss: 0.2132 2022-03-01 09:35:16,683 - mmseg - INFO - Iter [68800/160000] lr: 1.140e-05, eta: 9:06:52, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1615, decode.acc_seg: 75.3198, aux.loss_ce: 0.0696, aux.acc_seg: 75.0242, loss: 0.2311 2022-03-01 09:35:34,281 - mmseg - INFO - Iter [68850/160000] lr: 1.139e-05, eta: 9:06:34, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1485, decode.acc_seg: 74.7748, aux.loss_ce: 0.0652, aux.acc_seg: 74.3203, loss: 0.2137 2022-03-01 09:35:52,062 - mmseg - INFO - Iter [68900/160000] lr: 1.139e-05, eta: 9:06:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1633, decode.acc_seg: 75.3997, aux.loss_ce: 0.0712, aux.acc_seg: 74.9677, loss: 0.2345 2022-03-01 09:36:09,717 - mmseg - INFO - Iter [68950/160000] lr: 1.138e-05, eta: 9:05:57, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1569, decode.acc_seg: 77.1481, aux.loss_ce: 0.0686, aux.acc_seg: 76.6879, loss: 0.2256 2022-03-01 09:36:27,416 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:36:27,416 - mmseg - INFO - Iter [69000/160000] lr: 1.138e-05, eta: 9:05:39, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1631, decode.acc_seg: 75.4613, aux.loss_ce: 0.0708, aux.acc_seg: 75.0350, loss: 0.2339 2022-03-01 09:36:45,043 - mmseg - INFO - Iter [69050/160000] lr: 1.137e-05, eta: 9:05:20, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1526, decode.acc_seg: 75.5514, aux.loss_ce: 0.0662, aux.acc_seg: 75.2121, loss: 0.2188 2022-03-01 09:37:02,900 - mmseg - INFO - Iter [69100/160000] lr: 1.136e-05, eta: 9:05:02, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1506, decode.acc_seg: 76.0522, aux.loss_ce: 0.0650, aux.acc_seg: 75.7213, loss: 0.2156 2022-03-01 09:37:20,818 - mmseg - INFO - Iter [69150/160000] lr: 1.136e-05, eta: 9:04:44, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1533, decode.acc_seg: 74.2720, aux.loss_ce: 0.0663, aux.acc_seg: 73.9567, loss: 0.2196 2022-03-01 09:37:38,524 - mmseg - INFO - Iter [69200/160000] lr: 1.135e-05, eta: 9:04:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1520, decode.acc_seg: 75.4849, aux.loss_ce: 0.0660, aux.acc_seg: 75.1380, loss: 0.2180 2022-03-01 09:37:56,321 - mmseg - INFO - Iter [69250/160000] lr: 1.134e-05, eta: 9:04:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1511, decode.acc_seg: 75.1238, aux.loss_ce: 0.0657, aux.acc_seg: 74.7470, loss: 0.2169 2022-03-01 09:38:14,208 - mmseg - INFO - Iter [69300/160000] lr: 1.134e-05, eta: 9:03:49, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1485, decode.acc_seg: 75.2463, aux.loss_ce: 0.0649, aux.acc_seg: 74.8644, loss: 0.2134 2022-03-01 09:38:32,042 - mmseg - INFO - Iter [69350/160000] lr: 1.133e-05, eta: 9:03:31, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1591, decode.acc_seg: 75.8968, aux.loss_ce: 0.0692, aux.acc_seg: 75.5238, loss: 0.2282 2022-03-01 09:38:49,994 - mmseg - INFO - Iter [69400/160000] lr: 1.133e-05, eta: 9:03:13, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1680, decode.acc_seg: 77.5588, aux.loss_ce: 0.0723, aux.acc_seg: 77.2073, loss: 0.2403 2022-03-01 09:39:08,070 - mmseg - INFO - Iter [69450/160000] lr: 1.132e-05, eta: 9:02:55, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1449, decode.acc_seg: 75.3821, aux.loss_ce: 0.0632, aux.acc_seg: 75.0384, loss: 0.2081 2022-03-01 09:39:28,144 - mmseg - INFO - Iter [69500/160000] lr: 1.131e-05, eta: 9:02:40, time: 0.401, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1589, decode.acc_seg: 75.5872, aux.loss_ce: 0.0689, aux.acc_seg: 75.2395, loss: 0.2278 2022-03-01 09:39:46,107 - mmseg - INFO - Iter [69550/160000] lr: 1.131e-05, eta: 9:02:22, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1425, decode.acc_seg: 75.3748, aux.loss_ce: 0.0629, aux.acc_seg: 74.9056, loss: 0.2054 2022-03-01 09:40:03,871 - mmseg - INFO - Iter [69600/160000] lr: 1.130e-05, eta: 9:02:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1510, decode.acc_seg: 75.9379, aux.loss_ce: 0.0662, aux.acc_seg: 75.5049, loss: 0.2172 2022-03-01 09:40:21,820 - mmseg - INFO - Iter [69650/160000] lr: 1.129e-05, eta: 9:01:46, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1494, decode.acc_seg: 77.0004, aux.loss_ce: 0.0654, aux.acc_seg: 76.5888, loss: 0.2149 2022-03-01 09:40:39,489 - mmseg - INFO - Iter [69700/160000] lr: 1.129e-05, eta: 9:01:27, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1488, decode.acc_seg: 75.1533, aux.loss_ce: 0.0651, aux.acc_seg: 74.7934, loss: 0.2139 2022-03-01 09:40:57,243 - mmseg - INFO - Iter [69750/160000] lr: 1.128e-05, eta: 9:01:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1573, decode.acc_seg: 75.3150, aux.loss_ce: 0.0693, aux.acc_seg: 74.8450, loss: 0.2267 2022-03-01 09:41:15,140 - mmseg - INFO - Iter [69800/160000] lr: 1.128e-05, eta: 9:00:51, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1521, decode.acc_seg: 75.7638, aux.loss_ce: 0.0665, aux.acc_seg: 75.3797, loss: 0.2187 2022-03-01 09:41:32,976 - mmseg - INFO - Iter [69850/160000] lr: 1.127e-05, eta: 9:00:33, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1465, decode.acc_seg: 76.1903, aux.loss_ce: 0.0640, aux.acc_seg: 75.7848, loss: 0.2105 2022-03-01 09:41:50,621 - mmseg - INFO - Iter [69900/160000] lr: 1.126e-05, eta: 9:00:14, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1555, decode.acc_seg: 75.0229, aux.loss_ce: 0.0684, aux.acc_seg: 74.6321, loss: 0.2239 2022-03-01 09:42:08,398 - mmseg - INFO - Iter [69950/160000] lr: 1.126e-05, eta: 8:59:56, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1510, decode.acc_seg: 75.3063, aux.loss_ce: 0.0658, aux.acc_seg: 74.9326, loss: 0.2168 2022-03-01 09:42:26,259 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:42:26,259 - mmseg - INFO - Iter [70000/160000] lr: 1.125e-05, eta: 8:59:38, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1523, decode.acc_seg: 75.6284, aux.loss_ce: 0.0664, aux.acc_seg: 75.1956, loss: 0.2186 2022-03-01 09:42:44,149 - mmseg - INFO - Iter [70050/160000] lr: 1.124e-05, eta: 8:59:20, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1471, decode.acc_seg: 75.9784, aux.loss_ce: 0.0642, aux.acc_seg: 75.6023, loss: 0.2113 2022-03-01 09:43:02,077 - mmseg - INFO - Iter [70100/160000] lr: 1.124e-05, eta: 8:59:02, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1506, decode.acc_seg: 75.0743, aux.loss_ce: 0.0657, aux.acc_seg: 74.7441, loss: 0.2163 2022-03-01 09:43:19,873 - mmseg - INFO - Iter [70150/160000] lr: 1.123e-05, eta: 8:58:43, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1453, decode.acc_seg: 76.3093, aux.loss_ce: 0.0635, aux.acc_seg: 75.9311, loss: 0.2088 2022-03-01 09:43:37,686 - mmseg - INFO - Iter [70200/160000] lr: 1.123e-05, eta: 8:58:25, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1470, decode.acc_seg: 75.4190, aux.loss_ce: 0.0639, aux.acc_seg: 75.0503, loss: 0.2109 2022-03-01 09:43:55,676 - mmseg - INFO - Iter [70250/160000] lr: 1.122e-05, eta: 8:58:07, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1619, decode.acc_seg: 75.2639, aux.loss_ce: 0.0702, aux.acc_seg: 74.8615, loss: 0.2321 2022-03-01 09:44:13,354 - mmseg - INFO - Iter [70300/160000] lr: 1.121e-05, eta: 8:57:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1468, decode.acc_seg: 76.2637, aux.loss_ce: 0.0642, aux.acc_seg: 75.8474, loss: 0.2110 2022-03-01 09:44:31,027 - mmseg - INFO - Iter [70350/160000] lr: 1.121e-05, eta: 8:57:30, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1527, decode.acc_seg: 76.4031, aux.loss_ce: 0.0660, aux.acc_seg: 76.0064, loss: 0.2188 2022-03-01 09:44:48,832 - mmseg - INFO - Iter [70400/160000] lr: 1.120e-05, eta: 8:57:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1514, decode.acc_seg: 76.3144, aux.loss_ce: 0.0668, aux.acc_seg: 75.8884, loss: 0.2182 2022-03-01 09:45:06,648 - mmseg - INFO - Iter [70450/160000] lr: 1.119e-05, eta: 8:56:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1567, decode.acc_seg: 76.5500, aux.loss_ce: 0.0684, aux.acc_seg: 76.1306, loss: 0.2251 2022-03-01 09:45:24,494 - mmseg - INFO - Iter [70500/160000] lr: 1.119e-05, eta: 8:56:36, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1533, decode.acc_seg: 73.3403, aux.loss_ce: 0.0666, aux.acc_seg: 73.0079, loss: 0.2198 2022-03-01 09:45:42,530 - mmseg - INFO - Iter [70550/160000] lr: 1.118e-05, eta: 8:56:18, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1579, decode.acc_seg: 77.5255, aux.loss_ce: 0.0691, aux.acc_seg: 77.0933, loss: 0.2270 2022-03-01 09:46:00,289 - mmseg - INFO - Iter [70600/160000] lr: 1.118e-05, eta: 8:56:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1495, decode.acc_seg: 76.7067, aux.loss_ce: 0.0651, aux.acc_seg: 76.3249, loss: 0.2146 2022-03-01 09:46:18,054 - mmseg - INFO - Iter [70650/160000] lr: 1.117e-05, eta: 8:55:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1562, decode.acc_seg: 74.9915, aux.loss_ce: 0.0678, aux.acc_seg: 74.5878, loss: 0.2240 2022-03-01 09:46:35,897 - mmseg - INFO - Iter [70700/160000] lr: 1.116e-05, eta: 8:55:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1600, decode.acc_seg: 76.1653, aux.loss_ce: 0.0692, aux.acc_seg: 75.7576, loss: 0.2292 2022-03-01 09:46:56,169 - mmseg - INFO - Iter [70750/160000] lr: 1.116e-05, eta: 8:55:08, time: 0.405, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1492, decode.acc_seg: 76.7953, aux.loss_ce: 0.0649, aux.acc_seg: 76.4589, loss: 0.2141 2022-03-01 09:47:13,866 - mmseg - INFO - Iter [70800/160000] lr: 1.115e-05, eta: 8:54:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1518, decode.acc_seg: 76.8972, aux.loss_ce: 0.0664, aux.acc_seg: 76.4628, loss: 0.2183 2022-03-01 09:47:31,610 - mmseg - INFO - Iter [70850/160000] lr: 1.114e-05, eta: 8:54:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1464, decode.acc_seg: 75.0005, aux.loss_ce: 0.0642, aux.acc_seg: 74.5512, loss: 0.2106 2022-03-01 09:47:49,274 - mmseg - INFO - Iter [70900/160000] lr: 1.114e-05, eta: 8:54:13, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1457, decode.acc_seg: 75.9315, aux.loss_ce: 0.0635, aux.acc_seg: 75.5742, loss: 0.2093 2022-03-01 09:48:06,868 - mmseg - INFO - Iter [70950/160000] lr: 1.113e-05, eta: 8:53:55, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1610, decode.acc_seg: 76.4493, aux.loss_ce: 0.0700, aux.acc_seg: 76.0441, loss: 0.2310 2022-03-01 09:48:24,639 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:48:24,639 - mmseg - INFO - Iter [71000/160000] lr: 1.113e-05, eta: 8:53:36, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1406, decode.acc_seg: 74.5302, aux.loss_ce: 0.0622, aux.acc_seg: 74.0848, loss: 0.2028 2022-03-01 09:48:42,363 - mmseg - INFO - Iter [71050/160000] lr: 1.112e-05, eta: 8:53:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1434, decode.acc_seg: 75.2476, aux.loss_ce: 0.0629, aux.acc_seg: 74.8079, loss: 0.2064 2022-03-01 09:49:00,225 - mmseg - INFO - Iter [71100/160000] lr: 1.111e-05, eta: 8:53:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1416, decode.acc_seg: 75.9927, aux.loss_ce: 0.0630, aux.acc_seg: 75.5874, loss: 0.2047 2022-03-01 09:49:18,255 - mmseg - INFO - Iter [71150/160000] lr: 1.111e-05, eta: 8:52:42, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1432, decode.acc_seg: 75.3097, aux.loss_ce: 0.0633, aux.acc_seg: 74.8149, loss: 0.2066 2022-03-01 09:49:36,295 - mmseg - INFO - Iter [71200/160000] lr: 1.110e-05, eta: 8:52:24, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1485, decode.acc_seg: 73.9658, aux.loss_ce: 0.0651, aux.acc_seg: 73.5758, loss: 0.2136 2022-03-01 09:49:54,033 - mmseg - INFO - Iter [71250/160000] lr: 1.109e-05, eta: 8:52:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1527, decode.acc_seg: 76.2873, aux.loss_ce: 0.0672, aux.acc_seg: 75.8049, loss: 0.2199 2022-03-01 09:50:11,741 - mmseg - INFO - Iter [71300/160000] lr: 1.109e-05, eta: 8:51:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1452, decode.acc_seg: 76.4862, aux.loss_ce: 0.0639, aux.acc_seg: 76.1101, loss: 0.2091 2022-03-01 09:50:29,630 - mmseg - INFO - Iter [71350/160000] lr: 1.108e-05, eta: 8:51:29, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1534, decode.acc_seg: 75.7970, aux.loss_ce: 0.0675, aux.acc_seg: 75.3273, loss: 0.2209 2022-03-01 09:50:47,537 - mmseg - INFO - Iter [71400/160000] lr: 1.108e-05, eta: 8:51:11, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1492, decode.acc_seg: 74.6270, aux.loss_ce: 0.0651, aux.acc_seg: 74.2819, loss: 0.2143 2022-03-01 09:51:05,206 - mmseg - INFO - Iter [71450/160000] lr: 1.107e-05, eta: 8:50:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1540, decode.acc_seg: 74.2740, aux.loss_ce: 0.0675, aux.acc_seg: 73.8793, loss: 0.2215 2022-03-01 09:51:22,929 - mmseg - INFO - Iter [71500/160000] lr: 1.106e-05, eta: 8:50:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1526, decode.acc_seg: 75.7984, aux.loss_ce: 0.0663, aux.acc_seg: 75.4512, loss: 0.2189 2022-03-01 09:51:40,880 - mmseg - INFO - Iter [71550/160000] lr: 1.106e-05, eta: 8:50:17, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1501, decode.acc_seg: 76.6742, aux.loss_ce: 0.0659, aux.acc_seg: 76.2731, loss: 0.2160 2022-03-01 09:51:58,479 - mmseg - INFO - Iter [71600/160000] lr: 1.105e-05, eta: 8:49:58, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1457, decode.acc_seg: 74.7012, aux.loss_ce: 0.0633, aux.acc_seg: 74.3631, loss: 0.2090 2022-03-01 09:52:16,362 - mmseg - INFO - Iter [71650/160000] lr: 1.104e-05, eta: 8:49:40, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1536, decode.acc_seg: 76.2545, aux.loss_ce: 0.0672, aux.acc_seg: 75.8664, loss: 0.2208 2022-03-01 09:52:34,139 - mmseg - INFO - Iter [71700/160000] lr: 1.104e-05, eta: 8:49:22, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1487, decode.acc_seg: 75.0113, aux.loss_ce: 0.0649, aux.acc_seg: 74.6483, loss: 0.2136 2022-03-01 09:52:51,879 - mmseg - INFO - Iter [71750/160000] lr: 1.103e-05, eta: 8:49:03, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1491, decode.acc_seg: 75.0798, aux.loss_ce: 0.0653, aux.acc_seg: 74.6846, loss: 0.2144 2022-03-01 09:53:10,044 - mmseg - INFO - Iter [71800/160000] lr: 1.103e-05, eta: 8:48:46, time: 0.364, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1541, decode.acc_seg: 74.9252, aux.loss_ce: 0.0676, aux.acc_seg: 74.4816, loss: 0.2217 2022-03-01 09:53:27,995 - mmseg - INFO - Iter [71850/160000] lr: 1.102e-05, eta: 8:48:28, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1522, decode.acc_seg: 75.8431, aux.loss_ce: 0.0666, aux.acc_seg: 75.4547, loss: 0.2187 2022-03-01 09:53:45,609 - mmseg - INFO - Iter [71900/160000] lr: 1.101e-05, eta: 8:48:09, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1477, decode.acc_seg: 77.1526, aux.loss_ce: 0.0652, aux.acc_seg: 76.7461, loss: 0.2129 2022-03-01 09:54:03,459 - mmseg - INFO - Iter [71950/160000] lr: 1.101e-05, eta: 8:47:51, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1657, decode.acc_seg: 75.9312, aux.loss_ce: 0.0704, aux.acc_seg: 75.6488, loss: 0.2361 2022-03-01 09:54:23,441 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 09:54:23,442 - mmseg - INFO - Iter [72000/160000] lr: 1.100e-05, eta: 8:47:35, time: 0.400, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1461, decode.acc_seg: 76.9976, aux.loss_ce: 0.0643, aux.acc_seg: 76.6154, loss: 0.2104 2022-03-01 09:54:41,128 - mmseg - INFO - Iter [72050/160000] lr: 1.099e-05, eta: 8:47:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1404, decode.acc_seg: 74.2343, aux.loss_ce: 0.0613, aux.acc_seg: 73.8697, loss: 0.2018 2022-03-01 09:54:58,780 - mmseg - INFO - Iter [72100/160000] lr: 1.099e-05, eta: 8:46:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1449, decode.acc_seg: 75.2948, aux.loss_ce: 0.0629, aux.acc_seg: 74.9650, loss: 0.2078 2022-03-01 09:55:16,408 - mmseg - INFO - Iter [72150/160000] lr: 1.098e-05, eta: 8:46:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1560, decode.acc_seg: 76.4149, aux.loss_ce: 0.0680, aux.acc_seg: 75.9873, loss: 0.2240 2022-03-01 09:55:34,057 - mmseg - INFO - Iter [72200/160000] lr: 1.098e-05, eta: 8:46:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1592, decode.acc_seg: 74.4104, aux.loss_ce: 0.0690, aux.acc_seg: 74.0256, loss: 0.2282 2022-03-01 09:55:51,777 - mmseg - INFO - Iter [72250/160000] lr: 1.097e-05, eta: 8:46:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1386, decode.acc_seg: 74.2433, aux.loss_ce: 0.0611, aux.acc_seg: 73.7883, loss: 0.1997 2022-03-01 09:56:09,557 - mmseg - INFO - Iter [72300/160000] lr: 1.096e-05, eta: 8:45:45, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1460, decode.acc_seg: 77.3476, aux.loss_ce: 0.0643, aux.acc_seg: 76.9217, loss: 0.2103 2022-03-01 09:56:27,366 - mmseg - INFO - Iter [72350/160000] lr: 1.096e-05, eta: 8:45:27, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1435, decode.acc_seg: 75.1413, aux.loss_ce: 0.0631, aux.acc_seg: 74.6850, loss: 0.2066 2022-03-01 09:56:45,451 - mmseg - INFO - Iter [72400/160000] lr: 1.095e-05, eta: 8:45:09, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1424, decode.acc_seg: 75.9579, aux.loss_ce: 0.0629, aux.acc_seg: 75.5214, loss: 0.2053 2022-03-01 09:57:03,417 - mmseg - INFO - Iter [72450/160000] lr: 1.094e-05, eta: 8:44:51, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1498, decode.acc_seg: 74.5438, aux.loss_ce: 0.0652, aux.acc_seg: 74.1457, loss: 0.2150 2022-03-01 09:57:21,308 - mmseg - INFO - Iter [72500/160000] lr: 1.094e-05, eta: 8:44:33, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1465, decode.acc_seg: 76.0084, aux.loss_ce: 0.0648, aux.acc_seg: 75.5208, loss: 0.2113 2022-03-01 09:57:39,146 - mmseg - INFO - Iter [72550/160000] lr: 1.093e-05, eta: 8:44:15, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1512, decode.acc_seg: 75.6272, aux.loss_ce: 0.0654, aux.acc_seg: 75.3155, loss: 0.2166 2022-03-01 09:57:57,071 - mmseg - INFO - Iter [72600/160000] lr: 1.093e-05, eta: 8:43:57, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1524, decode.acc_seg: 76.5179, aux.loss_ce: 0.0669, aux.acc_seg: 76.0533, loss: 0.2193 2022-03-01 09:58:14,743 - mmseg - INFO - Iter [72650/160000] lr: 1.092e-05, eta: 8:43:39, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1409, decode.acc_seg: 76.2362, aux.loss_ce: 0.0613, aux.acc_seg: 75.8644, loss: 0.2022 2022-03-01 09:58:32,501 - mmseg - INFO - Iter [72700/160000] lr: 1.091e-05, eta: 8:43:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1471, decode.acc_seg: 74.7981, aux.loss_ce: 0.0643, aux.acc_seg: 74.4007, loss: 0.2114 2022-03-01 09:58:50,372 - mmseg - INFO - Iter [72750/160000] lr: 1.091e-05, eta: 8:43:02, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1355, decode.acc_seg: 77.2378, aux.loss_ce: 0.0592, aux.acc_seg: 76.8946, loss: 0.1947 2022-03-01 09:59:08,031 - mmseg - INFO - Iter [72800/160000] lr: 1.090e-05, eta: 8:42:44, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1521, decode.acc_seg: 76.5606, aux.loss_ce: 0.0659, aux.acc_seg: 76.2076, loss: 0.2180 2022-03-01 09:59:25,807 - mmseg - INFO - Iter [72850/160000] lr: 1.089e-05, eta: 8:42:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1515, decode.acc_seg: 75.2918, aux.loss_ce: 0.0671, aux.acc_seg: 74.9089, loss: 0.2186 2022-03-01 09:59:43,561 - mmseg - INFO - Iter [72900/160000] lr: 1.089e-05, eta: 8:42:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1564, decode.acc_seg: 75.3715, aux.loss_ce: 0.0676, aux.acc_seg: 74.9708, loss: 0.2240 2022-03-01 10:00:01,347 - mmseg - INFO - Iter [72950/160000] lr: 1.088e-05, eta: 8:41:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1469, decode.acc_seg: 75.4872, aux.loss_ce: 0.0648, aux.acc_seg: 75.0447, loss: 0.2116 2022-03-01 10:00:19,077 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:00:19,078 - mmseg - INFO - Iter [73000/160000] lr: 1.088e-05, eta: 8:41:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1455, decode.acc_seg: 77.1378, aux.loss_ce: 0.0643, aux.acc_seg: 76.6911, loss: 0.2098 2022-03-01 10:00:36,936 - mmseg - INFO - Iter [73050/160000] lr: 1.087e-05, eta: 8:41:13, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1431, decode.acc_seg: 76.7985, aux.loss_ce: 0.0627, aux.acc_seg: 76.3709, loss: 0.2058 2022-03-01 10:00:54,713 - mmseg - INFO - Iter [73100/160000] lr: 1.086e-05, eta: 8:40:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1372, decode.acc_seg: 75.1780, aux.loss_ce: 0.0600, aux.acc_seg: 74.7994, loss: 0.1972 2022-03-01 10:01:12,591 - mmseg - INFO - Iter [73150/160000] lr: 1.086e-05, eta: 8:40:36, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1503, decode.acc_seg: 76.7649, aux.loss_ce: 0.0663, aux.acc_seg: 76.3226, loss: 0.2166 2022-03-01 10:01:30,330 - mmseg - INFO - Iter [73200/160000] lr: 1.085e-05, eta: 8:40:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1413, decode.acc_seg: 75.3564, aux.loss_ce: 0.0615, aux.acc_seg: 75.0032, loss: 0.2028 2022-03-01 10:01:47,983 - mmseg - INFO - Iter [73250/160000] lr: 1.084e-05, eta: 8:40:00, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1405, decode.acc_seg: 76.1012, aux.loss_ce: 0.0620, aux.acc_seg: 75.7320, loss: 0.2024 2022-03-01 10:02:08,133 - mmseg - INFO - Iter [73300/160000] lr: 1.084e-05, eta: 8:39:44, time: 0.403, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1401, decode.acc_seg: 75.7517, aux.loss_ce: 0.0621, aux.acc_seg: 75.3581, loss: 0.2022 2022-03-01 10:02:25,927 - mmseg - INFO - Iter [73350/160000] lr: 1.083e-05, eta: 8:39:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1499, decode.acc_seg: 75.7072, aux.loss_ce: 0.0657, aux.acc_seg: 75.2994, loss: 0.2156 2022-03-01 10:02:43,688 - mmseg - INFO - Iter [73400/160000] lr: 1.083e-05, eta: 8:39:08, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1447, decode.acc_seg: 77.2278, aux.loss_ce: 0.0635, aux.acc_seg: 76.8125, loss: 0.2082 2022-03-01 10:03:01,622 - mmseg - INFO - Iter [73450/160000] lr: 1.082e-05, eta: 8:38:50, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1455, decode.acc_seg: 76.0875, aux.loss_ce: 0.0633, aux.acc_seg: 75.7547, loss: 0.2088 2022-03-01 10:03:19,385 - mmseg - INFO - Iter [73500/160000] lr: 1.081e-05, eta: 8:38:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1380, decode.acc_seg: 75.1012, aux.loss_ce: 0.0608, aux.acc_seg: 74.6919, loss: 0.1988 2022-03-01 10:03:37,266 - mmseg - INFO - Iter [73550/160000] lr: 1.081e-05, eta: 8:38:13, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1553, decode.acc_seg: 76.2011, aux.loss_ce: 0.0680, aux.acc_seg: 75.6931, loss: 0.2233 2022-03-01 10:03:54,851 - mmseg - INFO - Iter [73600/160000] lr: 1.080e-05, eta: 8:37:55, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1400, decode.acc_seg: 75.7203, aux.loss_ce: 0.0624, aux.acc_seg: 75.1821, loss: 0.2025 2022-03-01 10:04:12,563 - mmseg - INFO - Iter [73650/160000] lr: 1.079e-05, eta: 8:37:37, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1411, decode.acc_seg: 75.5590, aux.loss_ce: 0.0622, aux.acc_seg: 75.1612, loss: 0.2033 2022-03-01 10:04:30,401 - mmseg - INFO - Iter [73700/160000] lr: 1.079e-05, eta: 8:37:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1442, decode.acc_seg: 76.1568, aux.loss_ce: 0.0632, aux.acc_seg: 75.7366, loss: 0.2074 2022-03-01 10:04:48,092 - mmseg - INFO - Iter [73750/160000] lr: 1.078e-05, eta: 8:37:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1461, decode.acc_seg: 75.3347, aux.loss_ce: 0.0638, aux.acc_seg: 74.9554, loss: 0.2099 2022-03-01 10:05:05,927 - mmseg - INFO - Iter [73800/160000] lr: 1.078e-05, eta: 8:36:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1513, decode.acc_seg: 75.2670, aux.loss_ce: 0.0659, aux.acc_seg: 74.8257, loss: 0.2172 2022-03-01 10:05:23,539 - mmseg - INFO - Iter [73850/160000] lr: 1.077e-05, eta: 8:36:24, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1434, decode.acc_seg: 76.2391, aux.loss_ce: 0.0632, aux.acc_seg: 75.7765, loss: 0.2065 2022-03-01 10:05:41,333 - mmseg - INFO - Iter [73900/160000] lr: 1.076e-05, eta: 8:36:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1514, decode.acc_seg: 75.9240, aux.loss_ce: 0.0657, aux.acc_seg: 75.5388, loss: 0.2171 2022-03-01 10:05:59,223 - mmseg - INFO - Iter [73950/160000] lr: 1.076e-05, eta: 8:35:47, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1564, decode.acc_seg: 76.6795, aux.loss_ce: 0.0682, aux.acc_seg: 76.2562, loss: 0.2247 2022-03-01 10:06:17,047 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:06:17,048 - mmseg - INFO - Iter [74000/160000] lr: 1.075e-05, eta: 8:35:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1486, decode.acc_seg: 76.2867, aux.loss_ce: 0.0642, aux.acc_seg: 75.9666, loss: 0.2128 2022-03-01 10:06:34,724 - mmseg - INFO - Iter [74050/160000] lr: 1.074e-05, eta: 8:35:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1568, decode.acc_seg: 74.5001, aux.loss_ce: 0.0682, aux.acc_seg: 74.1271, loss: 0.2250 2022-03-01 10:06:52,627 - mmseg - INFO - Iter [74100/160000] lr: 1.074e-05, eta: 8:34:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1540, decode.acc_seg: 75.3500, aux.loss_ce: 0.0679, aux.acc_seg: 74.9016, loss: 0.2219 2022-03-01 10:07:10,349 - mmseg - INFO - Iter [74150/160000] lr: 1.073e-05, eta: 8:34:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1563, decode.acc_seg: 73.4296, aux.loss_ce: 0.0679, aux.acc_seg: 73.0533, loss: 0.2241 2022-03-01 10:07:28,360 - mmseg - INFO - Iter [74200/160000] lr: 1.073e-05, eta: 8:34:17, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1454, decode.acc_seg: 76.1554, aux.loss_ce: 0.0637, aux.acc_seg: 75.7586, loss: 0.2091 2022-03-01 10:07:46,305 - mmseg - INFO - Iter [74250/160000] lr: 1.072e-05, eta: 8:33:59, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1507, decode.acc_seg: 75.5292, aux.loss_ce: 0.0660, aux.acc_seg: 75.0996, loss: 0.2167 2022-03-01 10:08:04,231 - mmseg - INFO - Iter [74300/160000] lr: 1.071e-05, eta: 8:33:41, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1542, decode.acc_seg: 75.4243, aux.loss_ce: 0.0670, aux.acc_seg: 74.9299, loss: 0.2212 2022-03-01 10:08:22,057 - mmseg - INFO - Iter [74350/160000] lr: 1.071e-05, eta: 8:33:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1428, decode.acc_seg: 76.6394, aux.loss_ce: 0.0631, aux.acc_seg: 76.2271, loss: 0.2059 2022-03-01 10:08:39,925 - mmseg - INFO - Iter [74400/160000] lr: 1.070e-05, eta: 8:33:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1444, decode.acc_seg: 74.6856, aux.loss_ce: 0.0627, aux.acc_seg: 74.3111, loss: 0.2071 2022-03-01 10:08:57,699 - mmseg - INFO - Iter [74450/160000] lr: 1.069e-05, eta: 8:32:46, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1501, decode.acc_seg: 76.3562, aux.loss_ce: 0.0659, aux.acc_seg: 75.9854, loss: 0.2160 2022-03-01 10:09:15,402 - mmseg - INFO - Iter [74500/160000] lr: 1.069e-05, eta: 8:32:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1434, decode.acc_seg: 76.7359, aux.loss_ce: 0.0627, aux.acc_seg: 76.3519, loss: 0.2061 2022-03-01 10:09:35,372 - mmseg - INFO - Iter [74550/160000] lr: 1.068e-05, eta: 8:32:12, time: 0.399, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1435, decode.acc_seg: 75.8803, aux.loss_ce: 0.0632, aux.acc_seg: 75.4591, loss: 0.2067 2022-03-01 10:09:52,971 - mmseg - INFO - Iter [74600/160000] lr: 1.068e-05, eta: 8:31:54, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1449, decode.acc_seg: 75.2026, aux.loss_ce: 0.0627, aux.acc_seg: 74.8982, loss: 0.2076 2022-03-01 10:10:10,729 - mmseg - INFO - Iter [74650/160000] lr: 1.067e-05, eta: 8:31:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1441, decode.acc_seg: 76.1668, aux.loss_ce: 0.0633, aux.acc_seg: 75.7531, loss: 0.2074 2022-03-01 10:10:28,493 - mmseg - INFO - Iter [74700/160000] lr: 1.066e-05, eta: 8:31:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1454, decode.acc_seg: 75.6541, aux.loss_ce: 0.0634, aux.acc_seg: 75.2634, loss: 0.2088 2022-03-01 10:10:46,284 - mmseg - INFO - Iter [74750/160000] lr: 1.066e-05, eta: 8:30:59, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1416, decode.acc_seg: 74.9237, aux.loss_ce: 0.0621, aux.acc_seg: 74.5543, loss: 0.2037 2022-03-01 10:11:04,312 - mmseg - INFO - Iter [74800/160000] lr: 1.065e-05, eta: 8:30:41, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1472, decode.acc_seg: 75.2283, aux.loss_ce: 0.0643, aux.acc_seg: 74.9075, loss: 0.2114 2022-03-01 10:11:22,215 - mmseg - INFO - Iter [74850/160000] lr: 1.064e-05, eta: 8:30:23, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1431, decode.acc_seg: 75.6720, aux.loss_ce: 0.0630, aux.acc_seg: 75.2256, loss: 0.2061 2022-03-01 10:11:39,863 - mmseg - INFO - Iter [74900/160000] lr: 1.064e-05, eta: 8:30:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1476, decode.acc_seg: 75.7004, aux.loss_ce: 0.0647, aux.acc_seg: 75.2401, loss: 0.2123 2022-03-01 10:11:57,503 - mmseg - INFO - Iter [74950/160000] lr: 1.063e-05, eta: 8:29:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1389, decode.acc_seg: 76.1868, aux.loss_ce: 0.0614, aux.acc_seg: 75.7900, loss: 0.2002 2022-03-01 10:12:15,316 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:12:15,317 - mmseg - INFO - Iter [75000/160000] lr: 1.063e-05, eta: 8:29:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1477, decode.acc_seg: 74.4666, aux.loss_ce: 0.0648, aux.acc_seg: 74.0521, loss: 0.2125 2022-03-01 10:12:33,040 - mmseg - INFO - Iter [75050/160000] lr: 1.062e-05, eta: 8:29:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1397, decode.acc_seg: 76.5457, aux.loss_ce: 0.0613, aux.acc_seg: 76.1319, loss: 0.2011 2022-03-01 10:12:50,791 - mmseg - INFO - Iter [75100/160000] lr: 1.061e-05, eta: 8:28:51, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1444, decode.acc_seg: 76.5314, aux.loss_ce: 0.0637, aux.acc_seg: 76.0729, loss: 0.2081 2022-03-01 10:13:08,575 - mmseg - INFO - Iter [75150/160000] lr: 1.061e-05, eta: 8:28:33, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1573, decode.acc_seg: 76.5682, aux.loss_ce: 0.0686, aux.acc_seg: 76.1525, loss: 0.2259 2022-03-01 10:13:26,225 - mmseg - INFO - Iter [75200/160000] lr: 1.060e-05, eta: 8:28:15, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1522, decode.acc_seg: 76.9490, aux.loss_ce: 0.0660, aux.acc_seg: 76.5609, loss: 0.2182 2022-03-01 10:13:44,039 - mmseg - INFO - Iter [75250/160000] lr: 1.059e-05, eta: 8:27:57, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1436, decode.acc_seg: 75.5856, aux.loss_ce: 0.0630, aux.acc_seg: 75.2173, loss: 0.2066 2022-03-01 10:14:02,103 - mmseg - INFO - Iter [75300/160000] lr: 1.059e-05, eta: 8:27:39, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1487, decode.acc_seg: 75.4920, aux.loss_ce: 0.0642, aux.acc_seg: 75.1205, loss: 0.2129 2022-03-01 10:14:19,877 - mmseg - INFO - Iter [75350/160000] lr: 1.058e-05, eta: 8:27:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1552, decode.acc_seg: 74.6231, aux.loss_ce: 0.0672, aux.acc_seg: 74.2364, loss: 0.2224 2022-03-01 10:14:37,804 - mmseg - INFO - Iter [75400/160000] lr: 1.058e-05, eta: 8:27:03, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1514, decode.acc_seg: 76.4566, aux.loss_ce: 0.0665, aux.acc_seg: 76.0537, loss: 0.2179 2022-03-01 10:14:55,440 - mmseg - INFO - Iter [75450/160000] lr: 1.057e-05, eta: 8:26:44, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1359, decode.acc_seg: 75.9130, aux.loss_ce: 0.0593, aux.acc_seg: 75.5601, loss: 0.1952 2022-03-01 10:15:13,292 - mmseg - INFO - Iter [75500/160000] lr: 1.056e-05, eta: 8:26:26, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1477, decode.acc_seg: 76.3608, aux.loss_ce: 0.0649, aux.acc_seg: 75.9588, loss: 0.2126 2022-03-01 10:15:30,983 - mmseg - INFO - Iter [75550/160000] lr: 1.056e-05, eta: 8:26:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1542, decode.acc_seg: 75.3070, aux.loss_ce: 0.0662, aux.acc_seg: 75.0362, loss: 0.2204 2022-03-01 10:15:48,703 - mmseg - INFO - Iter [75600/160000] lr: 1.055e-05, eta: 8:25:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1482, decode.acc_seg: 76.5825, aux.loss_ce: 0.0650, aux.acc_seg: 76.1788, loss: 0.2132 2022-03-01 10:16:06,463 - mmseg - INFO - Iter [75650/160000] lr: 1.054e-05, eta: 8:25:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1489, decode.acc_seg: 77.4220, aux.loss_ce: 0.0647, aux.acc_seg: 77.1042, loss: 0.2136 2022-03-01 10:16:24,224 - mmseg - INFO - Iter [75700/160000] lr: 1.054e-05, eta: 8:25:13, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1460, decode.acc_seg: 75.0710, aux.loss_ce: 0.0639, aux.acc_seg: 74.6633, loss: 0.2099 2022-03-01 10:16:42,156 - mmseg - INFO - Iter [75750/160000] lr: 1.053e-05, eta: 8:24:55, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1525, decode.acc_seg: 75.8534, aux.loss_ce: 0.0664, aux.acc_seg: 75.4962, loss: 0.2188 2022-03-01 10:17:02,299 - mmseg - INFO - Iter [75800/160000] lr: 1.053e-05, eta: 8:24:39, time: 0.403, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1528, decode.acc_seg: 75.9062, aux.loss_ce: 0.0668, aux.acc_seg: 75.4817, loss: 0.2196 2022-03-01 10:17:20,029 - mmseg - INFO - Iter [75850/160000] lr: 1.052e-05, eta: 8:24:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1319, decode.acc_seg: 76.4922, aux.loss_ce: 0.0582, aux.acc_seg: 76.0596, loss: 0.1901 2022-03-01 10:17:37,755 - mmseg - INFO - Iter [75900/160000] lr: 1.051e-05, eta: 8:24:03, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1340, decode.acc_seg: 77.2888, aux.loss_ce: 0.0597, aux.acc_seg: 76.8750, loss: 0.1937 2022-03-01 10:17:55,520 - mmseg - INFO - Iter [75950/160000] lr: 1.051e-05, eta: 8:23:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1421, decode.acc_seg: 76.0281, aux.loss_ce: 0.0624, aux.acc_seg: 75.6494, loss: 0.2044 2022-03-01 10:18:13,424 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:18:13,424 - mmseg - INFO - Iter [76000/160000] lr: 1.050e-05, eta: 8:23:27, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1358, decode.acc_seg: 74.7102, aux.loss_ce: 0.0596, aux.acc_seg: 74.3160, loss: 0.1954 2022-03-01 10:18:30,975 - mmseg - INFO - Iter [76050/160000] lr: 1.049e-05, eta: 8:23:08, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1296, decode.acc_seg: 75.0528, aux.loss_ce: 0.0574, aux.acc_seg: 74.6464, loss: 0.1870 2022-03-01 10:18:48,858 - mmseg - INFO - Iter [76100/160000] lr: 1.049e-05, eta: 8:22:50, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1428, decode.acc_seg: 75.5076, aux.loss_ce: 0.0628, aux.acc_seg: 75.0966, loss: 0.2056 2022-03-01 10:19:06,638 - mmseg - INFO - Iter [76150/160000] lr: 1.048e-05, eta: 8:22:32, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1433, decode.acc_seg: 77.8287, aux.loss_ce: 0.0632, aux.acc_seg: 77.3851, loss: 0.2065 2022-03-01 10:19:24,320 - mmseg - INFO - Iter [76200/160000] lr: 1.048e-05, eta: 8:22:14, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1488, decode.acc_seg: 75.4449, aux.loss_ce: 0.0653, aux.acc_seg: 75.0425, loss: 0.2141 2022-03-01 10:19:42,059 - mmseg - INFO - Iter [76250/160000] lr: 1.047e-05, eta: 8:21:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1463, decode.acc_seg: 75.7335, aux.loss_ce: 0.0646, aux.acc_seg: 75.3173, loss: 0.2109 2022-03-01 10:19:59,823 - mmseg - INFO - Iter [76300/160000] lr: 1.046e-05, eta: 8:21:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1369, decode.acc_seg: 75.5854, aux.loss_ce: 0.0606, aux.acc_seg: 75.1291, loss: 0.1976 2022-03-01 10:20:17,499 - mmseg - INFO - Iter [76350/160000] lr: 1.046e-05, eta: 8:21:19, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1407, decode.acc_seg: 76.9362, aux.loss_ce: 0.0620, aux.acc_seg: 76.5007, loss: 0.2027 2022-03-01 10:20:35,382 - mmseg - INFO - Iter [76400/160000] lr: 1.045e-05, eta: 8:21:01, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1404, decode.acc_seg: 74.5475, aux.loss_ce: 0.0623, aux.acc_seg: 74.0864, loss: 0.2027 2022-03-01 10:20:53,106 - mmseg - INFO - Iter [76450/160000] lr: 1.044e-05, eta: 8:20:43, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1537, decode.acc_seg: 76.4821, aux.loss_ce: 0.0680, aux.acc_seg: 76.0336, loss: 0.2217 2022-03-01 10:21:11,226 - mmseg - INFO - Iter [76500/160000] lr: 1.044e-05, eta: 8:20:25, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1448, decode.acc_seg: 75.1684, aux.loss_ce: 0.0638, aux.acc_seg: 74.7480, loss: 0.2086 2022-03-01 10:21:28,869 - mmseg - INFO - Iter [76550/160000] lr: 1.043e-05, eta: 8:20:06, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1460, decode.acc_seg: 76.2977, aux.loss_ce: 0.0636, aux.acc_seg: 75.9083, loss: 0.2096 2022-03-01 10:21:46,661 - mmseg - INFO - Iter [76600/160000] lr: 1.043e-05, eta: 8:19:48, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1497, decode.acc_seg: 75.7253, aux.loss_ce: 0.0650, aux.acc_seg: 75.3840, loss: 0.2147 2022-03-01 10:22:04,374 - mmseg - INFO - Iter [76650/160000] lr: 1.042e-05, eta: 8:19:30, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1367, decode.acc_seg: 74.6597, aux.loss_ce: 0.0597, aux.acc_seg: 74.2733, loss: 0.1964 2022-03-01 10:22:22,335 - mmseg - INFO - Iter [76700/160000] lr: 1.041e-05, eta: 8:19:12, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1476, decode.acc_seg: 76.1279, aux.loss_ce: 0.0639, aux.acc_seg: 75.8145, loss: 0.2115 2022-03-01 10:22:40,167 - mmseg - INFO - Iter [76750/160000] lr: 1.041e-05, eta: 8:18:54, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1434, decode.acc_seg: 75.6888, aux.loss_ce: 0.0629, aux.acc_seg: 75.2746, loss: 0.2063 2022-03-01 10:22:58,026 - mmseg - INFO - Iter [76800/160000] lr: 1.040e-05, eta: 8:18:36, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1382, decode.acc_seg: 75.9119, aux.loss_ce: 0.0606, aux.acc_seg: 75.5745, loss: 0.1987 2022-03-01 10:23:16,012 - mmseg - INFO - Iter [76850/160000] lr: 1.039e-05, eta: 8:18:18, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1506, decode.acc_seg: 76.3856, aux.loss_ce: 0.0653, aux.acc_seg: 76.0736, loss: 0.2159 2022-03-01 10:23:33,968 - mmseg - INFO - Iter [76900/160000] lr: 1.039e-05, eta: 8:18:00, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1466, decode.acc_seg: 75.0709, aux.loss_ce: 0.0649, aux.acc_seg: 74.6300, loss: 0.2115 2022-03-01 10:23:51,756 - mmseg - INFO - Iter [76950/160000] lr: 1.038e-05, eta: 8:17:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1488, decode.acc_seg: 75.2424, aux.loss_ce: 0.0641, aux.acc_seg: 74.9425, loss: 0.2129 2022-03-01 10:24:09,552 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:24:09,553 - mmseg - INFO - Iter [77000/160000] lr: 1.038e-05, eta: 8:17:23, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1573, decode.acc_seg: 76.2154, aux.loss_ce: 0.0678, aux.acc_seg: 75.8495, loss: 0.2251 2022-03-01 10:24:29,737 - mmseg - INFO - Iter [77050/160000] lr: 1.037e-05, eta: 8:17:08, time: 0.404, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1370, decode.acc_seg: 76.6876, aux.loss_ce: 0.0607, aux.acc_seg: 76.2569, loss: 0.1977 2022-03-01 10:24:47,420 - mmseg - INFO - Iter [77100/160000] lr: 1.036e-05, eta: 8:16:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1434, decode.acc_seg: 75.1289, aux.loss_ce: 0.0634, aux.acc_seg: 74.7069, loss: 0.2068 2022-03-01 10:25:05,306 - mmseg - INFO - Iter [77150/160000] lr: 1.036e-05, eta: 8:16:31, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1486, decode.acc_seg: 74.7747, aux.loss_ce: 0.0653, aux.acc_seg: 74.3633, loss: 0.2139 2022-03-01 10:25:23,304 - mmseg - INFO - Iter [77200/160000] lr: 1.035e-05, eta: 8:16:13, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1486, decode.acc_seg: 75.4822, aux.loss_ce: 0.0652, aux.acc_seg: 75.0373, loss: 0.2138 2022-03-01 10:25:40,975 - mmseg - INFO - Iter [77250/160000] lr: 1.034e-05, eta: 8:15:55, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1388, decode.acc_seg: 73.8481, aux.loss_ce: 0.0610, aux.acc_seg: 73.3810, loss: 0.1998 2022-03-01 10:25:58,594 - mmseg - INFO - Iter [77300/160000] lr: 1.034e-05, eta: 8:15:37, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1376, decode.acc_seg: 74.8493, aux.loss_ce: 0.0612, aux.acc_seg: 74.3962, loss: 0.1988 2022-03-01 10:26:16,379 - mmseg - INFO - Iter [77350/160000] lr: 1.033e-05, eta: 8:15:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1306, decode.acc_seg: 76.7028, aux.loss_ce: 0.0580, aux.acc_seg: 76.2991, loss: 0.1885 2022-03-01 10:26:34,069 - mmseg - INFO - Iter [77400/160000] lr: 1.033e-05, eta: 8:15:00, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1484, decode.acc_seg: 75.3777, aux.loss_ce: 0.0655, aux.acc_seg: 74.9921, loss: 0.2139 2022-03-01 10:26:51,910 - mmseg - INFO - Iter [77450/160000] lr: 1.032e-05, eta: 8:14:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1452, decode.acc_seg: 76.9323, aux.loss_ce: 0.0637, aux.acc_seg: 76.5006, loss: 0.2089 2022-03-01 10:27:09,675 - mmseg - INFO - Iter [77500/160000] lr: 1.031e-05, eta: 8:14:24, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1444, decode.acc_seg: 76.2885, aux.loss_ce: 0.0637, aux.acc_seg: 75.8424, loss: 0.2081 2022-03-01 10:27:27,416 - mmseg - INFO - Iter [77550/160000] lr: 1.031e-05, eta: 8:14:06, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1417, decode.acc_seg: 75.6260, aux.loss_ce: 0.0628, aux.acc_seg: 75.1916, loss: 0.2045 2022-03-01 10:27:45,154 - mmseg - INFO - Iter [77600/160000] lr: 1.030e-05, eta: 8:13:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1435, decode.acc_seg: 75.4498, aux.loss_ce: 0.0628, aux.acc_seg: 75.0607, loss: 0.2064 2022-03-01 10:28:03,054 - mmseg - INFO - Iter [77650/160000] lr: 1.029e-05, eta: 8:13:29, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1455, decode.acc_seg: 76.1875, aux.loss_ce: 0.0637, aux.acc_seg: 75.7968, loss: 0.2092 2022-03-01 10:28:20,827 - mmseg - INFO - Iter [77700/160000] lr: 1.029e-05, eta: 8:13:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1411, decode.acc_seg: 75.5041, aux.loss_ce: 0.0616, aux.acc_seg: 75.1450, loss: 0.2028 2022-03-01 10:28:38,618 - mmseg - INFO - Iter [77750/160000] lr: 1.028e-05, eta: 8:12:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1402, decode.acc_seg: 76.2071, aux.loss_ce: 0.0612, aux.acc_seg: 75.8419, loss: 0.2014 2022-03-01 10:28:56,355 - mmseg - INFO - Iter [77800/160000] lr: 1.028e-05, eta: 8:12:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1359, decode.acc_seg: 74.3363, aux.loss_ce: 0.0597, aux.acc_seg: 73.9427, loss: 0.1956 2022-03-01 10:29:14,074 - mmseg - INFO - Iter [77850/160000] lr: 1.027e-05, eta: 8:12:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1359, decode.acc_seg: 75.4837, aux.loss_ce: 0.0594, aux.acc_seg: 75.1265, loss: 0.1954 2022-03-01 10:29:31,734 - mmseg - INFO - Iter [77900/160000] lr: 1.026e-05, eta: 8:11:58, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1412, decode.acc_seg: 77.1698, aux.loss_ce: 0.0608, aux.acc_seg: 76.8605, loss: 0.2020 2022-03-01 10:29:49,679 - mmseg - INFO - Iter [77950/160000] lr: 1.026e-05, eta: 8:11:40, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1360, decode.acc_seg: 74.8198, aux.loss_ce: 0.0599, aux.acc_seg: 74.3801, loss: 0.1959 2022-03-01 10:30:07,395 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:30:07,395 - mmseg - INFO - Iter [78000/160000] lr: 1.025e-05, eta: 8:11:22, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1390, decode.acc_seg: 76.6459, aux.loss_ce: 0.0612, aux.acc_seg: 76.2546, loss: 0.2002 2022-03-01 10:30:25,137 - mmseg - INFO - Iter [78050/160000] lr: 1.024e-05, eta: 8:11:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1490, decode.acc_seg: 75.6335, aux.loss_ce: 0.0644, aux.acc_seg: 75.2902, loss: 0.2134 2022-03-01 10:30:42,968 - mmseg - INFO - Iter [78100/160000] lr: 1.024e-05, eta: 8:10:46, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1403, decode.acc_seg: 77.0517, aux.loss_ce: 0.0609, aux.acc_seg: 76.7210, loss: 0.2013 2022-03-01 10:31:00,725 - mmseg - INFO - Iter [78150/160000] lr: 1.023e-05, eta: 8:10:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1487, decode.acc_seg: 75.9624, aux.loss_ce: 0.0654, aux.acc_seg: 75.5222, loss: 0.2140 2022-03-01 10:31:18,674 - mmseg - INFO - Iter [78200/160000] lr: 1.023e-05, eta: 8:10:09, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1404, decode.acc_seg: 76.6557, aux.loss_ce: 0.0608, aux.acc_seg: 76.3292, loss: 0.2012 2022-03-01 10:31:36,475 - mmseg - INFO - Iter [78250/160000] lr: 1.022e-05, eta: 8:09:51, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1418, decode.acc_seg: 75.6811, aux.loss_ce: 0.0628, aux.acc_seg: 75.2831, loss: 0.2046 2022-03-01 10:31:54,125 - mmseg - INFO - Iter [78300/160000] lr: 1.021e-05, eta: 8:09:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1377, decode.acc_seg: 75.6346, aux.loss_ce: 0.0604, aux.acc_seg: 75.2583, loss: 0.1981 2022-03-01 10:32:14,213 - mmseg - INFO - Iter [78350/160000] lr: 1.021e-05, eta: 8:09:17, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1382, decode.acc_seg: 77.0263, aux.loss_ce: 0.0602, aux.acc_seg: 76.6945, loss: 0.1984 2022-03-01 10:32:32,103 - mmseg - INFO - Iter [78400/160000] lr: 1.020e-05, eta: 8:08:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1395, decode.acc_seg: 74.9920, aux.loss_ce: 0.0612, aux.acc_seg: 74.6133, loss: 0.2007 2022-03-01 10:32:50,161 - mmseg - INFO - Iter [78450/160000] lr: 1.019e-05, eta: 8:08:41, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1395, decode.acc_seg: 76.5688, aux.loss_ce: 0.0615, aux.acc_seg: 76.2057, loss: 0.2010 2022-03-01 10:33:07,914 - mmseg - INFO - Iter [78500/160000] lr: 1.019e-05, eta: 8:08:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1363, decode.acc_seg: 75.3462, aux.loss_ce: 0.0602, aux.acc_seg: 74.9943, loss: 0.1964 2022-03-01 10:33:25,710 - mmseg - INFO - Iter [78550/160000] lr: 1.018e-05, eta: 8:08:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1374, decode.acc_seg: 74.5843, aux.loss_ce: 0.0604, aux.acc_seg: 74.1908, loss: 0.1978 2022-03-01 10:33:43,545 - mmseg - INFO - Iter [78600/160000] lr: 1.018e-05, eta: 8:07:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1388, decode.acc_seg: 75.4685, aux.loss_ce: 0.0605, aux.acc_seg: 75.1086, loss: 0.1994 2022-03-01 10:34:01,387 - mmseg - INFO - Iter [78650/160000] lr: 1.017e-05, eta: 8:07:29, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1392, decode.acc_seg: 76.1669, aux.loss_ce: 0.0612, aux.acc_seg: 75.7601, loss: 0.2005 2022-03-01 10:34:19,154 - mmseg - INFO - Iter [78700/160000] lr: 1.016e-05, eta: 8:07:10, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1374, decode.acc_seg: 74.6219, aux.loss_ce: 0.0597, aux.acc_seg: 74.3378, loss: 0.1971 2022-03-01 10:34:36,794 - mmseg - INFO - Iter [78750/160000] lr: 1.016e-05, eta: 8:06:52, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1338, decode.acc_seg: 77.7645, aux.loss_ce: 0.0590, aux.acc_seg: 77.3476, loss: 0.1928 2022-03-01 10:34:54,695 - mmseg - INFO - Iter [78800/160000] lr: 1.015e-05, eta: 8:06:34, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1361, decode.acc_seg: 76.2714, aux.loss_ce: 0.0598, aux.acc_seg: 75.8830, loss: 0.1959 2022-03-01 10:35:12,369 - mmseg - INFO - Iter [78850/160000] lr: 1.014e-05, eta: 8:06:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1405, decode.acc_seg: 75.5584, aux.loss_ce: 0.0619, aux.acc_seg: 75.1307, loss: 0.2024 2022-03-01 10:35:29,999 - mmseg - INFO - Iter [78900/160000] lr: 1.014e-05, eta: 8:05:57, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1461, decode.acc_seg: 77.2522, aux.loss_ce: 0.0637, aux.acc_seg: 76.8669, loss: 0.2098 2022-03-01 10:35:47,694 - mmseg - INFO - Iter [78950/160000] lr: 1.013e-05, eta: 8:05:39, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1384, decode.acc_seg: 76.5139, aux.loss_ce: 0.0606, aux.acc_seg: 76.1104, loss: 0.1990 2022-03-01 10:36:05,357 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:36:05,357 - mmseg - INFO - Iter [79000/160000] lr: 1.013e-05, eta: 8:05:21, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1437, decode.acc_seg: 75.1333, aux.loss_ce: 0.0633, aux.acc_seg: 74.7350, loss: 0.2070 2022-03-01 10:36:23,340 - mmseg - INFO - Iter [79050/160000] lr: 1.012e-05, eta: 8:05:03, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1419, decode.acc_seg: 76.1223, aux.loss_ce: 0.0623, aux.acc_seg: 75.7367, loss: 0.2042 2022-03-01 10:36:41,049 - mmseg - INFO - Iter [79100/160000] lr: 1.011e-05, eta: 8:04:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1379, decode.acc_seg: 76.6016, aux.loss_ce: 0.0611, aux.acc_seg: 76.2069, loss: 0.1990 2022-03-01 10:36:58,944 - mmseg - INFO - Iter [79150/160000] lr: 1.011e-05, eta: 8:04:26, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1343, decode.acc_seg: 76.2088, aux.loss_ce: 0.0592, aux.acc_seg: 75.8171, loss: 0.1936 2022-03-01 10:37:16,939 - mmseg - INFO - Iter [79200/160000] lr: 1.010e-05, eta: 8:04:09, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1467, decode.acc_seg: 76.2754, aux.loss_ce: 0.0645, aux.acc_seg: 75.8752, loss: 0.2113 2022-03-01 10:37:34,667 - mmseg - INFO - Iter [79250/160000] lr: 1.009e-05, eta: 8:03:50, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1488, decode.acc_seg: 75.3608, aux.loss_ce: 0.0660, aux.acc_seg: 74.8847, loss: 0.2149 2022-03-01 10:37:52,215 - mmseg - INFO - Iter [79300/160000] lr: 1.009e-05, eta: 8:03:32, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1346, decode.acc_seg: 76.0819, aux.loss_ce: 0.0593, aux.acc_seg: 75.6881, loss: 0.1939 2022-03-01 10:38:09,914 - mmseg - INFO - Iter [79350/160000] lr: 1.008e-05, eta: 8:03:14, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1358, decode.acc_seg: 75.9585, aux.loss_ce: 0.0599, aux.acc_seg: 75.5873, loss: 0.1957 2022-03-01 10:38:27,527 - mmseg - INFO - Iter [79400/160000] lr: 1.008e-05, eta: 8:02:55, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1385, decode.acc_seg: 76.2057, aux.loss_ce: 0.0609, aux.acc_seg: 75.8242, loss: 0.1994 2022-03-01 10:38:45,271 - mmseg - INFO - Iter [79450/160000] lr: 1.007e-05, eta: 8:02:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1363, decode.acc_seg: 75.1150, aux.loss_ce: 0.0607, aux.acc_seg: 74.6660, loss: 0.1970 2022-03-01 10:39:02,927 - mmseg - INFO - Iter [79500/160000] lr: 1.006e-05, eta: 8:02:19, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1377, decode.acc_seg: 76.1212, aux.loss_ce: 0.0606, aux.acc_seg: 75.7208, loss: 0.1984 2022-03-01 10:39:20,781 - mmseg - INFO - Iter [79550/160000] lr: 1.006e-05, eta: 8:02:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1464, decode.acc_seg: 76.3200, aux.loss_ce: 0.0640, aux.acc_seg: 75.9307, loss: 0.2104 2022-03-01 10:39:40,788 - mmseg - INFO - Iter [79600/160000] lr: 1.005e-05, eta: 8:01:45, time: 0.400, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1242, decode.acc_seg: 76.0707, aux.loss_ce: 0.0547, aux.acc_seg: 75.7073, loss: 0.1789 2022-03-01 10:39:58,403 - mmseg - INFO - Iter [79650/160000] lr: 1.004e-05, eta: 8:01:26, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1386, decode.acc_seg: 76.5132, aux.loss_ce: 0.0600, aux.acc_seg: 76.1272, loss: 0.1985 2022-03-01 10:40:16,209 - mmseg - INFO - Iter [79700/160000] lr: 1.004e-05, eta: 8:01:08, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1369, decode.acc_seg: 76.2039, aux.loss_ce: 0.0601, aux.acc_seg: 75.7982, loss: 0.1971 2022-03-01 10:40:33,922 - mmseg - INFO - Iter [79750/160000] lr: 1.003e-05, eta: 8:00:50, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1412, decode.acc_seg: 76.0457, aux.loss_ce: 0.0615, aux.acc_seg: 75.6725, loss: 0.2026 2022-03-01 10:40:51,775 - mmseg - INFO - Iter [79800/160000] lr: 1.003e-05, eta: 8:00:32, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1405, decode.acc_seg: 76.5914, aux.loss_ce: 0.0606, aux.acc_seg: 76.2515, loss: 0.2011 2022-03-01 10:41:09,529 - mmseg - INFO - Iter [79850/160000] lr: 1.002e-05, eta: 8:00:14, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1350, decode.acc_seg: 76.8888, aux.loss_ce: 0.0597, aux.acc_seg: 76.4698, loss: 0.1947 2022-03-01 10:41:27,246 - mmseg - INFO - Iter [79900/160000] lr: 1.001e-05, eta: 7:59:55, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1441, decode.acc_seg: 76.5115, aux.loss_ce: 0.0637, aux.acc_seg: 76.0579, loss: 0.2078 2022-03-01 10:41:45,205 - mmseg - INFO - Iter [79950/160000] lr: 1.001e-05, eta: 7:59:38, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1367, decode.acc_seg: 75.5024, aux.loss_ce: 0.0602, aux.acc_seg: 75.0971, loss: 0.1968 2022-03-01 10:42:02,870 - mmseg - INFO - Saving checkpoint at 80000 iterations 2022-03-01 10:42:10,085 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:42:10,085 - mmseg - INFO - Iter [80000/160000] lr: 1.000e-05, eta: 7:59:26, time: 0.498, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1448, decode.acc_seg: 75.6096, aux.loss_ce: 0.0633, aux.acc_seg: 75.2024, loss: 0.2080 2022-03-01 10:42:38,737 - mmseg - INFO - per class results: 2022-03-01 10:42:38,743 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.22 | 88.31 | | building | 83.12 | 93.69 | | sky | 94.46 | 96.85 | | floor | 81.1 | 92.05 | | tree | 74.23 | 89.35 | | ceiling | 85.74 | 93.53 | | road | 85.19 | 91.27 | | bed | 90.81 | 96.46 | | windowpane | 62.22 | 80.45 | | grass | 68.0 | 83.73 | | cabinet | 62.62 | 74.63 | | sidewalk | 69.51 | 83.43 | | person | 82.41 | 93.12 | | earth | 37.41 | 51.97 | | door | 48.82 | 60.25 | | table | 62.18 | 75.72 | | mountain | 58.33 | 70.58 | | plant | 50.23 | 61.91 | | curtain | 74.65 | 86.81 | | chair | 61.8 | 73.02 | | car | 85.6 | 92.31 | | water | 59.62 | 79.86 | | painting | 75.07 | 88.99 | | sofa | 69.99 | 82.42 | | shelf | 44.87 | 60.68 | | house | 48.49 | 61.22 | | sea | 58.59 | 69.57 | | mirror | 72.31 | 79.99 | | rug | 53.5 | 56.59 | | field | 30.06 | 43.74 | | armchair | 48.32 | 69.99 | | seat | 62.35 | 87.65 | | fence | 49.73 | 64.9 | | desk | 53.96 | 69.77 | | rock | 41.12 | 59.96 | | wardrobe | 49.09 | 72.77 | | lamp | 67.45 | 77.84 | | bathtub | 82.34 | 86.52 | | railing | 38.2 | 57.11 | | cushion | 60.92 | 76.6 | | base | 34.02 | 53.62 | | box | 27.71 | 38.0 | | column | 46.1 | 54.8 | | signboard | 37.34 | 52.28 | | chest of drawers | 44.78 | 59.28 | | counter | 37.47 | 51.38 | | sand | 50.4 | 74.3 | | sink | 78.63 | 85.0 | | skyscraper | 47.18 | 58.11 | | fireplace | 78.49 | 90.71 | | refrigerator | 76.29 | 82.39 | | grandstand | 45.7 | 77.85 | | path | 35.88 | 47.85 | | stairs | 23.97 | 31.77 | | runway | 65.83 | 85.85 | | case | 59.75 | 73.66 | | pool table | 93.86 | 97.17 | | pillow | 52.61 | 58.69 | | screen door | 67.93 | 75.89 | | stairway | 28.3 | 43.3 | | river | 14.62 | 29.98 | | bridge | 70.68 | 81.91 | | bookcase | 48.3 | 72.25 | | blind | 37.31 | 39.18 | | coffee table | 55.12 | 81.89 | | toilet | 87.75 | 91.9 | | flower | 39.86 | 52.71 | | book | 51.32 | 64.07 | | hill | 14.17 | 23.52 | | bench | 44.72 | 53.02 | | countertop | 62.63 | 80.11 | | stove | 81.82 | 88.3 | | palm | 53.22 | 78.15 | | kitchen island | 41.31 | 82.1 | | computer | 77.82 | 89.67 | | swivel chair | 42.89 | 60.19 | | boat | 41.65 | 52.37 | | bar | 28.33 | 32.34 | | arcade machine | 42.74 | 45.84 | | hovel | 12.13 | 13.01 | | bus | 92.13 | 95.8 | | towel | 72.82 | 81.89 | | light | 57.46 | 67.52 | | truck | 28.78 | 37.38 | | tower | 13.43 | 18.1 | | chandelier | 69.19 | 86.2 | | awning | 31.38 | 37.65 | | streetlight | 32.0 | 42.73 | | booth | 54.58 | 71.11 | | television receiver | 74.25 | 85.32 | | airplane | 72.14 | 82.65 | | dirt track | 2.46 | 10.31 | | apparel | 48.61 | 69.18 | | pole | 24.33 | 31.9 | | land | 0.87 | 1.13 | | bannister | 16.21 | 22.49 | | escalator | 46.9 | 62.67 | | ottoman | 52.44 | 69.77 | | bottle | 38.95 | 66.28 | | buffet | 50.81 | 60.97 | | poster | 30.74 | 46.31 | | stage | 18.5 | 26.72 | | van | 45.7 | 67.91 | | ship | 58.01 | 91.46 | | fountain | 22.57 | 22.78 | | conveyer belt | 81.75 | 90.7 | | canopy | 26.34 | 31.09 | | washer | 84.61 | 95.04 | | plaything | 23.95 | 39.11 | | swimming pool | 67.38 | 78.43 | | stool | 47.23 | 64.28 | | barrel | 57.95 | 72.82 | | basket | 41.4 | 54.76 | | waterfall | 76.35 | 89.09 | | tent | 88.67 | 98.38 | | bag | 13.7 | 15.48 | | minibike | 73.42 | 86.94 | | cradle | 84.01 | 97.29 | | oven | 52.77 | 61.26 | | ball | 59.24 | 66.34 | | food | 60.36 | 70.12 | | step | 10.24 | 14.58 | | tank | 61.72 | 66.27 | | trade name | 24.16 | 26.59 | | microwave | 87.13 | 93.76 | | pot | 48.64 | 55.46 | | animal | 58.04 | 59.35 | | bicycle | 59.09 | 78.35 | | lake | 61.54 | 63.69 | | dishwasher | 63.57 | 71.39 | | screen | 46.21 | 70.77 | | blanket | 14.21 | 16.23 | | sculpture | 60.57 | 83.69 | | hood | 60.9 | 65.16 | | sconce | 48.67 | 60.5 | | vase | 41.24 | 65.56 | | traffic light | 33.8 | 56.43 | | tray | 21.87 | 32.42 | | ashcan | 48.72 | 62.05 | | fan | 65.6 | 76.47 | | pier | 33.34 | 41.73 | | crt screen | 8.38 | 19.41 | | plate | 55.22 | 67.07 | | monitor | 42.73 | 44.96 | | bulletin board | 41.25 | 45.56 | | shower | 4.63 | 12.38 | | radiator | 65.13 | 69.71 | | glass | 14.72 | 15.35 | | clock | 42.68 | 49.38 | | flag | 59.36 | 64.77 | +---------------------+-------+-------+ 2022-03-01 10:42:38,744 - mmseg - INFO - Summary: 2022-03-01 10:42:38,744 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.97 | 52.15 | 63.98 | +-------+-------+-------+ 2022-03-01 10:42:38,750 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:42:38,750 - mmseg - INFO - Iter(val) [250] aAcc: 0.8397, mIoU: 0.5215, mAcc: 0.6398, IoU.wall: 0.7922, IoU.building: 0.8312, IoU.sky: 0.9446, IoU.floor: 0.8110, IoU.tree: 0.7423, IoU.ceiling: 0.8574, IoU.road: 0.8519, IoU.bed : 0.9081, IoU.windowpane: 0.6222, IoU.grass: 0.6800, IoU.cabinet: 0.6262, IoU.sidewalk: 0.6951, IoU.person: 0.8241, IoU.earth: 0.3741, IoU.door: 0.4882, IoU.table: 0.6218, IoU.mountain: 0.5833, IoU.plant: 0.5023, IoU.curtain: 0.7465, IoU.chair: 0.6180, IoU.car: 0.8560, IoU.water: 0.5962, IoU.painting: 0.7507, IoU.sofa: 0.6999, IoU.shelf: 0.4487, IoU.house: 0.4849, IoU.sea: 0.5859, IoU.mirror: 0.7231, IoU.rug: 0.5350, IoU.field: 0.3006, IoU.armchair: 0.4832, IoU.seat: 0.6235, IoU.fence: 0.4973, IoU.desk: 0.5396, IoU.rock: 0.4112, IoU.wardrobe: 0.4909, IoU.lamp: 0.6745, IoU.bathtub: 0.8234, IoU.railing: 0.3820, IoU.cushion: 0.6092, IoU.base: 0.3402, IoU.box: 0.2771, IoU.column: 0.4610, IoU.signboard: 0.3734, IoU.chest of drawers: 0.4478, IoU.counter: 0.3747, IoU.sand: 0.5040, IoU.sink: 0.7863, IoU.skyscraper: 0.4718, IoU.fireplace: 0.7849, IoU.refrigerator: 0.7629, IoU.grandstand: 0.4570, IoU.path: 0.3588, IoU.stairs: 0.2397, IoU.runway: 0.6583, IoU.case: 0.5975, IoU.pool table: 0.9386, IoU.pillow: 0.5261, IoU.screen door: 0.6793, IoU.stairway: 0.2830, IoU.river: 0.1462, IoU.bridge: 0.7068, IoU.bookcase: 0.4830, IoU.blind: 0.3731, IoU.coffee table: 0.5512, IoU.toilet: 0.8775, IoU.flower: 0.3986, IoU.book: 0.5132, IoU.hill: 0.1417, IoU.bench: 0.4472, IoU.countertop: 0.6263, IoU.stove: 0.8182, IoU.palm: 0.5322, IoU.kitchen island: 0.4131, IoU.computer: 0.7782, IoU.swivel chair: 0.4289, IoU.boat: 0.4165, IoU.bar: 0.2833, IoU.arcade machine: 0.4274, IoU.hovel: 0.1213, IoU.bus: 0.9213, IoU.towel: 0.7282, IoU.light: 0.5746, IoU.truck: 0.2878, IoU.tower: 0.1343, IoU.chandelier: 0.6919, IoU.awning: 0.3138, IoU.streetlight: 0.3200, IoU.booth: 0.5458, IoU.television receiver: 0.7425, IoU.airplane: 0.7214, IoU.dirt track: 0.0246, IoU.apparel: 0.4861, IoU.pole: 0.2433, IoU.land: 0.0087, IoU.bannister: 0.1621, IoU.escalator: 0.4690, IoU.ottoman: 0.5244, IoU.bottle: 0.3895, IoU.buffet: 0.5081, IoU.poster: 0.3074, IoU.stage: 0.1850, IoU.van: 0.4570, IoU.ship: 0.5801, IoU.fountain: 0.2257, IoU.conveyer belt: 0.8175, IoU.canopy: 0.2634, IoU.washer: 0.8461, IoU.plaything: 0.2395, IoU.swimming pool: 0.6738, IoU.stool: 0.4723, IoU.barrel: 0.5795, IoU.basket: 0.4140, IoU.waterfall: 0.7635, IoU.tent: 0.8867, IoU.bag: 0.1370, IoU.minibike: 0.7342, IoU.cradle: 0.8401, IoU.oven: 0.5277, IoU.ball: 0.5924, IoU.food: 0.6036, IoU.step: 0.1024, IoU.tank: 0.6172, IoU.trade name: 0.2416, IoU.microwave: 0.8713, IoU.pot: 0.4864, IoU.animal: 0.5804, IoU.bicycle: 0.5909, IoU.lake: 0.6154, IoU.dishwasher: 0.6357, IoU.screen: 0.4621, IoU.blanket: 0.1421, IoU.sculpture: 0.6057, IoU.hood: 0.6090, IoU.sconce: 0.4867, IoU.vase: 0.4124, IoU.traffic light: 0.3380, IoU.tray: 0.2187, IoU.ashcan: 0.4872, IoU.fan: 0.6560, IoU.pier: 0.3334, IoU.crt screen: 0.0838, IoU.plate: 0.5522, IoU.monitor: 0.4273, IoU.bulletin board: 0.4125, IoU.shower: 0.0463, IoU.radiator: 0.6513, IoU.glass: 0.1472, IoU.clock: 0.4268, IoU.flag: 0.5936, Acc.wall: 0.8831, Acc.building: 0.9369, Acc.sky: 0.9685, Acc.floor: 0.9205, Acc.tree: 0.8935, Acc.ceiling: 0.9353, Acc.road: 0.9127, Acc.bed : 0.9646, Acc.windowpane: 0.8045, Acc.grass: 0.8373, Acc.cabinet: 0.7463, Acc.sidewalk: 0.8343, Acc.person: 0.9312, Acc.earth: 0.5197, Acc.door: 0.6025, Acc.table: 0.7572, Acc.mountain: 0.7058, Acc.plant: 0.6191, Acc.curtain: 0.8681, Acc.chair: 0.7302, Acc.car: 0.9231, Acc.water: 0.7986, Acc.painting: 0.8899, Acc.sofa: 0.8242, Acc.shelf: 0.6068, Acc.house: 0.6122, Acc.sea: 0.6957, Acc.mirror: 0.7999, Acc.rug: 0.5659, Acc.field: 0.4374, Acc.armchair: 0.6999, Acc.seat: 0.8765, Acc.fence: 0.6490, Acc.desk: 0.6977, Acc.rock: 0.5996, Acc.wardrobe: 0.7277, Acc.lamp: 0.7784, Acc.bathtub: 0.8652, Acc.railing: 0.5711, Acc.cushion: 0.7660, Acc.base: 0.5362, Acc.box: 0.3800, Acc.column: 0.5480, Acc.signboard: 0.5228, Acc.chest of drawers: 0.5928, Acc.counter: 0.5138, Acc.sand: 0.7430, Acc.sink: 0.8500, Acc.skyscraper: 0.5811, Acc.fireplace: 0.9071, Acc.refrigerator: 0.8239, Acc.grandstand: 0.7785, Acc.path: 0.4785, Acc.stairs: 0.3177, Acc.runway: 0.8585, Acc.case: 0.7366, Acc.pool table: 0.9717, Acc.pillow: 0.5869, Acc.screen door: 0.7589, Acc.stairway: 0.4330, Acc.river: 0.2998, Acc.bridge: 0.8191, Acc.bookcase: 0.7225, Acc.blind: 0.3918, Acc.coffee table: 0.8189, Acc.toilet: 0.9190, Acc.flower: 0.5271, Acc.book: 0.6407, Acc.hill: 0.2352, Acc.bench: 0.5302, Acc.countertop: 0.8011, Acc.stove: 0.8830, Acc.palm: 0.7815, Acc.kitchen island: 0.8210, Acc.computer: 0.8967, Acc.swivel chair: 0.6019, Acc.boat: 0.5237, Acc.bar: 0.3234, Acc.arcade machine: 0.4584, Acc.hovel: 0.1301, Acc.bus: 0.9580, Acc.towel: 0.8189, Acc.light: 0.6752, Acc.truck: 0.3738, Acc.tower: 0.1810, Acc.chandelier: 0.8620, Acc.awning: 0.3765, Acc.streetlight: 0.4273, Acc.booth: 0.7111, Acc.television receiver: 0.8532, Acc.airplane: 0.8265, Acc.dirt track: 0.1031, Acc.apparel: 0.6918, Acc.pole: 0.3190, Acc.land: 0.0113, Acc.bannister: 0.2249, Acc.escalator: 0.6267, Acc.ottoman: 0.6977, Acc.bottle: 0.6628, Acc.buffet: 0.6097, Acc.poster: 0.4631, Acc.stage: 0.2672, Acc.van: 0.6791, Acc.ship: 0.9146, Acc.fountain: 0.2278, Acc.conveyer belt: 0.9070, Acc.canopy: 0.3109, Acc.washer: 0.9504, Acc.plaything: 0.3911, Acc.swimming pool: 0.7843, Acc.stool: 0.6428, Acc.barrel: 0.7282, Acc.basket: 0.5476, Acc.waterfall: 0.8909, Acc.tent: 0.9838, Acc.bag: 0.1548, Acc.minibike: 0.8694, Acc.cradle: 0.9729, Acc.oven: 0.6126, Acc.ball: 0.6634, Acc.food: 0.7012, Acc.step: 0.1458, Acc.tank: 0.6627, Acc.trade name: 0.2659, Acc.microwave: 0.9376, Acc.pot: 0.5546, Acc.animal: 0.5935, Acc.bicycle: 0.7835, Acc.lake: 0.6369, Acc.dishwasher: 0.7139, Acc.screen: 0.7077, Acc.blanket: 0.1623, Acc.sculpture: 0.8369, Acc.hood: 0.6516, Acc.sconce: 0.6050, Acc.vase: 0.6556, Acc.traffic light: 0.5643, Acc.tray: 0.3242, Acc.ashcan: 0.6205, Acc.fan: 0.7647, Acc.pier: 0.4173, Acc.crt screen: 0.1941, Acc.plate: 0.6707, Acc.monitor: 0.4496, Acc.bulletin board: 0.4556, Acc.shower: 0.1238, Acc.radiator: 0.6971, Acc.glass: 0.1535, Acc.clock: 0.4938, Acc.flag: 0.6477 2022-03-01 10:42:56,567 - mmseg - INFO - Iter [80050/160000] lr: 9.994e-06, eta: 7:59:37, time: 0.929, data_time: 0.579, memory: 49013, decode.loss_ce: 0.1389, decode.acc_seg: 75.6590, aux.loss_ce: 0.0608, aux.acc_seg: 75.2519, loss: 0.1996 2022-03-01 10:43:14,493 - mmseg - INFO - Iter [80100/160000] lr: 9.988e-06, eta: 7:59:19, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1471, decode.acc_seg: 76.6955, aux.loss_ce: 0.0647, aux.acc_seg: 76.2892, loss: 0.2118 2022-03-01 10:43:32,270 - mmseg - INFO - Iter [80150/160000] lr: 9.981e-06, eta: 7:59:01, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1404, decode.acc_seg: 74.8575, aux.loss_ce: 0.0620, aux.acc_seg: 74.4447, loss: 0.2024 2022-03-01 10:43:50,089 - mmseg - INFO - Iter [80200/160000] lr: 9.975e-06, eta: 7:58:42, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1466, decode.acc_seg: 75.9573, aux.loss_ce: 0.0645, aux.acc_seg: 75.5022, loss: 0.2111 2022-03-01 10:44:07,857 - mmseg - INFO - Iter [80250/160000] lr: 9.969e-06, eta: 7:58:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1358, decode.acc_seg: 75.3352, aux.loss_ce: 0.0598, aux.acc_seg: 74.9171, loss: 0.1956 2022-03-01 10:44:25,638 - mmseg - INFO - Iter [80300/160000] lr: 9.963e-06, eta: 7:58:06, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1356, decode.acc_seg: 77.1180, aux.loss_ce: 0.0594, aux.acc_seg: 76.7198, loss: 0.1950 2022-03-01 10:44:43,314 - mmseg - INFO - Iter [80350/160000] lr: 9.956e-06, eta: 7:57:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1440, decode.acc_seg: 77.2922, aux.loss_ce: 0.0634, aux.acc_seg: 76.8828, loss: 0.2074 2022-03-01 10:45:00,968 - mmseg - INFO - Iter [80400/160000] lr: 9.950e-06, eta: 7:57:29, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1460, decode.acc_seg: 75.2153, aux.loss_ce: 0.0638, aux.acc_seg: 74.8479, loss: 0.2098 2022-03-01 10:45:18,648 - mmseg - INFO - Iter [80450/160000] lr: 9.944e-06, eta: 7:57:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1400, decode.acc_seg: 77.6784, aux.loss_ce: 0.0617, aux.acc_seg: 77.2599, loss: 0.2017 2022-03-01 10:45:36,416 - mmseg - INFO - Iter [80500/160000] lr: 9.938e-06, eta: 7:56:53, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1299, decode.acc_seg: 76.3565, aux.loss_ce: 0.0573, aux.acc_seg: 76.0646, loss: 0.1872 2022-03-01 10:45:54,363 - mmseg - INFO - Iter [80550/160000] lr: 9.931e-06, eta: 7:56:35, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1387, decode.acc_seg: 76.5897, aux.loss_ce: 0.0602, aux.acc_seg: 76.2295, loss: 0.1989 2022-03-01 10:46:12,121 - mmseg - INFO - Iter [80600/160000] lr: 9.925e-06, eta: 7:56:17, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1386, decode.acc_seg: 75.1699, aux.loss_ce: 0.0605, aux.acc_seg: 74.8138, loss: 0.1991 2022-03-01 10:46:29,884 - mmseg - INFO - Iter [80650/160000] lr: 9.919e-06, eta: 7:55:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1422, decode.acc_seg: 74.7080, aux.loss_ce: 0.0620, aux.acc_seg: 74.3499, loss: 0.2042 2022-03-01 10:46:47,972 - mmseg - INFO - Iter [80700/160000] lr: 9.913e-06, eta: 7:55:40, time: 0.362, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1529, decode.acc_seg: 77.1833, aux.loss_ce: 0.0666, aux.acc_seg: 76.7647, loss: 0.2195 2022-03-01 10:47:05,895 - mmseg - INFO - Iter [80750/160000] lr: 9.906e-06, eta: 7:55:22, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1363, decode.acc_seg: 75.5528, aux.loss_ce: 0.0591, aux.acc_seg: 75.2920, loss: 0.1954 2022-03-01 10:47:23,643 - mmseg - INFO - Iter [80800/160000] lr: 9.900e-06, eta: 7:55:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1444, decode.acc_seg: 76.9931, aux.loss_ce: 0.0636, aux.acc_seg: 76.5939, loss: 0.2080 2022-03-01 10:47:43,740 - mmseg - INFO - Iter [80850/160000] lr: 9.894e-06, eta: 7:54:48, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1333, decode.acc_seg: 75.0362, aux.loss_ce: 0.0588, aux.acc_seg: 74.6664, loss: 0.1921 2022-03-01 10:48:01,412 - mmseg - INFO - Iter [80900/160000] lr: 9.888e-06, eta: 7:54:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1334, decode.acc_seg: 75.9745, aux.loss_ce: 0.0589, aux.acc_seg: 75.5435, loss: 0.1923 2022-03-01 10:48:19,101 - mmseg - INFO - Iter [80950/160000] lr: 9.881e-06, eta: 7:54:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1327, decode.acc_seg: 77.4369, aux.loss_ce: 0.0588, aux.acc_seg: 76.9302, loss: 0.1915 2022-03-01 10:48:36,912 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:48:36,913 - mmseg - INFO - Iter [81000/160000] lr: 9.875e-06, eta: 7:53:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1439, decode.acc_seg: 76.4529, aux.loss_ce: 0.0628, aux.acc_seg: 76.1356, loss: 0.2067 2022-03-01 10:48:54,732 - mmseg - INFO - Iter [81050/160000] lr: 9.869e-06, eta: 7:53:35, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1390, decode.acc_seg: 76.3567, aux.loss_ce: 0.0609, aux.acc_seg: 75.9455, loss: 0.1999 2022-03-01 10:49:12,394 - mmseg - INFO - Iter [81100/160000] lr: 9.863e-06, eta: 7:53:17, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1469, decode.acc_seg: 76.0944, aux.loss_ce: 0.0648, aux.acc_seg: 75.6966, loss: 0.2117 2022-03-01 10:49:30,270 - mmseg - INFO - Iter [81150/160000] lr: 9.856e-06, eta: 7:52:59, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1338, decode.acc_seg: 75.6574, aux.loss_ce: 0.0587, aux.acc_seg: 75.2811, loss: 0.1925 2022-03-01 10:49:47,945 - mmseg - INFO - Iter [81200/160000] lr: 9.850e-06, eta: 7:52:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1390, decode.acc_seg: 76.9623, aux.loss_ce: 0.0608, aux.acc_seg: 76.6034, loss: 0.1998 2022-03-01 10:50:05,654 - mmseg - INFO - Iter [81250/160000] lr: 9.844e-06, eta: 7:52:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1356, decode.acc_seg: 73.9017, aux.loss_ce: 0.0596, aux.acc_seg: 73.5530, loss: 0.1952 2022-03-01 10:50:23,258 - mmseg - INFO - Iter [81300/160000] lr: 9.838e-06, eta: 7:52:04, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1366, decode.acc_seg: 74.1418, aux.loss_ce: 0.0608, aux.acc_seg: 73.6860, loss: 0.1974 2022-03-01 10:50:41,081 - mmseg - INFO - Iter [81350/160000] lr: 9.831e-06, eta: 7:51:46, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1296, decode.acc_seg: 74.4212, aux.loss_ce: 0.0577, aux.acc_seg: 74.0206, loss: 0.1873 2022-03-01 10:50:58,814 - mmseg - INFO - Iter [81400/160000] lr: 9.825e-06, eta: 7:51:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1400, decode.acc_seg: 75.8500, aux.loss_ce: 0.0614, aux.acc_seg: 75.4416, loss: 0.2014 2022-03-01 10:51:16,854 - mmseg - INFO - Iter [81450/160000] lr: 9.819e-06, eta: 7:51:09, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1322, decode.acc_seg: 75.7430, aux.loss_ce: 0.0584, aux.acc_seg: 75.3289, loss: 0.1906 2022-03-01 10:51:34,546 - mmseg - INFO - Iter [81500/160000] lr: 9.813e-06, eta: 7:50:51, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1304, decode.acc_seg: 77.1098, aux.loss_ce: 0.0578, aux.acc_seg: 76.7267, loss: 0.1882 2022-03-01 10:51:52,400 - mmseg - INFO - Iter [81550/160000] lr: 9.806e-06, eta: 7:50:33, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1398, decode.acc_seg: 78.0931, aux.loss_ce: 0.0611, aux.acc_seg: 77.7349, loss: 0.2010 2022-03-01 10:52:10,067 - mmseg - INFO - Iter [81600/160000] lr: 9.800e-06, eta: 7:50:15, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1360, decode.acc_seg: 77.1106, aux.loss_ce: 0.0598, aux.acc_seg: 76.7026, loss: 0.1957 2022-03-01 10:52:27,842 - mmseg - INFO - Iter [81650/160000] lr: 9.794e-06, eta: 7:49:57, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1363, decode.acc_seg: 76.2254, aux.loss_ce: 0.0607, aux.acc_seg: 75.8062, loss: 0.1970 2022-03-01 10:52:45,658 - mmseg - INFO - Iter [81700/160000] lr: 9.788e-06, eta: 7:49:38, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1417, decode.acc_seg: 76.2855, aux.loss_ce: 0.0625, aux.acc_seg: 75.8999, loss: 0.2042 2022-03-01 10:53:03,474 - mmseg - INFO - Iter [81750/160000] lr: 9.781e-06, eta: 7:49:20, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1424, decode.acc_seg: 76.6863, aux.loss_ce: 0.0629, aux.acc_seg: 76.2256, loss: 0.2053 2022-03-01 10:53:21,264 - mmseg - INFO - Iter [81800/160000] lr: 9.775e-06, eta: 7:49:02, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1336, decode.acc_seg: 75.5570, aux.loss_ce: 0.0586, aux.acc_seg: 75.2105, loss: 0.1922 2022-03-01 10:53:39,063 - mmseg - INFO - Iter [81850/160000] lr: 9.769e-06, eta: 7:48:44, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1355, decode.acc_seg: 75.3969, aux.loss_ce: 0.0601, aux.acc_seg: 74.9616, loss: 0.1956 2022-03-01 10:53:56,857 - mmseg - INFO - Iter [81900/160000] lr: 9.763e-06, eta: 7:48:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1421, decode.acc_seg: 77.1970, aux.loss_ce: 0.0623, aux.acc_seg: 76.8052, loss: 0.2044 2022-03-01 10:54:14,569 - mmseg - INFO - Iter [81950/160000] lr: 9.756e-06, eta: 7:48:07, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1349, decode.acc_seg: 75.6152, aux.loss_ce: 0.0594, aux.acc_seg: 75.2513, loss: 0.1944 2022-03-01 10:54:32,325 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 10:54:32,325 - mmseg - INFO - Iter [82000/160000] lr: 9.750e-06, eta: 7:47:49, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1297, decode.acc_seg: 75.7842, aux.loss_ce: 0.0570, aux.acc_seg: 75.4261, loss: 0.1867 2022-03-01 10:54:50,140 - mmseg - INFO - Iter [82050/160000] lr: 9.744e-06, eta: 7:47:31, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1402, decode.acc_seg: 76.6566, aux.loss_ce: 0.0617, aux.acc_seg: 76.2434, loss: 0.2020 2022-03-01 10:55:10,085 - mmseg - INFO - Iter [82100/160000] lr: 9.738e-06, eta: 7:47:15, time: 0.399, data_time: 0.048, memory: 49013, decode.loss_ce: 0.1377, decode.acc_seg: 75.2537, aux.loss_ce: 0.0599, aux.acc_seg: 74.8693, loss: 0.1976 2022-03-01 10:55:28,184 - mmseg - INFO - Iter [82150/160000] lr: 9.731e-06, eta: 7:46:57, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1413, decode.acc_seg: 75.7477, aux.loss_ce: 0.0610, aux.acc_seg: 75.4132, loss: 0.2023 2022-03-01 10:55:46,034 - mmseg - INFO - Iter [82200/160000] lr: 9.725e-06, eta: 7:46:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1330, decode.acc_seg: 75.1108, aux.loss_ce: 0.0585, aux.acc_seg: 74.6915, loss: 0.1915 2022-03-01 10:56:03,930 - mmseg - INFO - Iter [82250/160000] lr: 9.719e-06, eta: 7:46:21, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1299, decode.acc_seg: 76.6943, aux.loss_ce: 0.0571, aux.acc_seg: 76.3155, loss: 0.1870 2022-03-01 10:56:21,920 - mmseg - INFO - Iter [82300/160000] lr: 9.713e-06, eta: 7:46:03, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1327, decode.acc_seg: 75.7892, aux.loss_ce: 0.0580, aux.acc_seg: 75.4119, loss: 0.1907 2022-03-01 10:56:39,876 - mmseg - INFO - Iter [82350/160000] lr: 9.706e-06, eta: 7:45:45, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1495, decode.acc_seg: 74.2217, aux.loss_ce: 0.0648, aux.acc_seg: 73.8408, loss: 0.2143 2022-03-01 10:56:57,513 - mmseg - INFO - Iter [82400/160000] lr: 9.700e-06, eta: 7:45:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1378, decode.acc_seg: 75.1693, aux.loss_ce: 0.0601, aux.acc_seg: 74.7839, loss: 0.1978 2022-03-01 10:57:15,174 - mmseg - INFO - Iter [82450/160000] lr: 9.694e-06, eta: 7:45:08, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1302, decode.acc_seg: 75.5938, aux.loss_ce: 0.0573, aux.acc_seg: 75.1714, loss: 0.1875 2022-03-01 10:57:33,015 - mmseg - INFO - Iter [82500/160000] lr: 9.688e-06, eta: 7:44:50, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1338, decode.acc_seg: 75.7346, aux.loss_ce: 0.0596, aux.acc_seg: 75.3065, loss: 0.1934 2022-03-01 10:57:50,764 - mmseg - INFO - Iter [82550/160000] lr: 9.681e-06, eta: 7:44:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1295, decode.acc_seg: 75.2644, aux.loss_ce: 0.0572, aux.acc_seg: 74.8669, loss: 0.1866 2022-03-01 10:58:08,477 - mmseg - INFO - Iter [82600/160000] lr: 9.675e-06, eta: 7:44:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1426, decode.acc_seg: 76.4222, aux.loss_ce: 0.0626, aux.acc_seg: 76.0477, loss: 0.2052 2022-03-01 10:58:26,167 - mmseg - INFO - Iter [82650/160000] lr: 9.669e-06, eta: 7:43:55, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1423, decode.acc_seg: 75.3167, aux.loss_ce: 0.0631, aux.acc_seg: 74.9011, loss: 0.2054 2022-03-01 10:58:43,954 - mmseg - INFO - Iter [82700/160000] lr: 9.663e-06, eta: 7:43:37, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1405, decode.acc_seg: 76.5560, aux.loss_ce: 0.0612, aux.acc_seg: 76.1623, loss: 0.2017 2022-03-01 10:59:01,695 - mmseg - INFO - Iter [82750/160000] lr: 9.656e-06, eta: 7:43:19, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1328, decode.acc_seg: 77.6158, aux.loss_ce: 0.0588, aux.acc_seg: 77.2063, loss: 0.1916 2022-03-01 10:59:19,489 - mmseg - INFO - Iter [82800/160000] lr: 9.650e-06, eta: 7:43:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1365, decode.acc_seg: 75.1859, aux.loss_ce: 0.0604, aux.acc_seg: 74.8296, loss: 0.1969 2022-03-01 10:59:37,255 - mmseg - INFO - Iter [82850/160000] lr: 9.644e-06, eta: 7:42:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1387, decode.acc_seg: 77.1536, aux.loss_ce: 0.0614, aux.acc_seg: 76.7402, loss: 0.2001 2022-03-01 10:59:54,945 - mmseg - INFO - Iter [82900/160000] lr: 9.638e-06, eta: 7:42:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1473, decode.acc_seg: 76.9714, aux.loss_ce: 0.0643, aux.acc_seg: 76.5788, loss: 0.2116 2022-03-01 11:00:12,639 - mmseg - INFO - Iter [82950/160000] lr: 9.631e-06, eta: 7:42:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1419, decode.acc_seg: 77.2034, aux.loss_ce: 0.0623, aux.acc_seg: 76.8108, loss: 0.2042 2022-03-01 11:00:30,667 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:00:30,668 - mmseg - INFO - Iter [83000/160000] lr: 9.625e-06, eta: 7:41:48, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1361, decode.acc_seg: 75.4987, aux.loss_ce: 0.0598, aux.acc_seg: 75.1261, loss: 0.1959 2022-03-01 11:00:48,348 - mmseg - INFO - Iter [83050/160000] lr: 9.619e-06, eta: 7:41:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1377, decode.acc_seg: 76.7122, aux.loss_ce: 0.0609, aux.acc_seg: 76.2490, loss: 0.1986 2022-03-01 11:01:06,244 - mmseg - INFO - Iter [83100/160000] lr: 9.613e-06, eta: 7:41:12, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1317, decode.acc_seg: 75.2765, aux.loss_ce: 0.0582, aux.acc_seg: 74.8376, loss: 0.1899 2022-03-01 11:01:23,863 - mmseg - INFO - Iter [83150/160000] lr: 9.606e-06, eta: 7:40:53, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1299, decode.acc_seg: 75.4996, aux.loss_ce: 0.0580, aux.acc_seg: 75.0250, loss: 0.1879 2022-03-01 11:01:41,605 - mmseg - INFO - Iter [83200/160000] lr: 9.600e-06, eta: 7:40:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1319, decode.acc_seg: 75.0711, aux.loss_ce: 0.0586, aux.acc_seg: 74.6311, loss: 0.1905 2022-03-01 11:01:59,239 - mmseg - INFO - Iter [83250/160000] lr: 9.594e-06, eta: 7:40:17, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1453, decode.acc_seg: 76.5885, aux.loss_ce: 0.0642, aux.acc_seg: 76.1528, loss: 0.2095 2022-03-01 11:02:16,898 - mmseg - INFO - Iter [83300/160000] lr: 9.588e-06, eta: 7:39:58, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1430, decode.acc_seg: 75.6320, aux.loss_ce: 0.0633, aux.acc_seg: 75.1926, loss: 0.2063 2022-03-01 11:02:34,684 - mmseg - INFO - Iter [83350/160000] lr: 9.581e-06, eta: 7:39:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1442, decode.acc_seg: 76.7548, aux.loss_ce: 0.0630, aux.acc_seg: 76.4256, loss: 0.2072 2022-03-01 11:02:54,931 - mmseg - INFO - Iter [83400/160000] lr: 9.575e-06, eta: 7:39:24, time: 0.405, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1402, decode.acc_seg: 76.2742, aux.loss_ce: 0.0615, aux.acc_seg: 75.9324, loss: 0.2018 2022-03-01 11:03:12,733 - mmseg - INFO - Iter [83450/160000] lr: 9.569e-06, eta: 7:39:06, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1379, decode.acc_seg: 77.5706, aux.loss_ce: 0.0608, aux.acc_seg: 77.1791, loss: 0.1987 2022-03-01 11:03:30,533 - mmseg - INFO - Iter [83500/160000] lr: 9.563e-06, eta: 7:38:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1310, decode.acc_seg: 75.7029, aux.loss_ce: 0.0585, aux.acc_seg: 75.2420, loss: 0.1895 2022-03-01 11:03:48,522 - mmseg - INFO - Iter [83550/160000] lr: 9.556e-06, eta: 7:38:30, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1338, decode.acc_seg: 76.7191, aux.loss_ce: 0.0594, aux.acc_seg: 76.2813, loss: 0.1932 2022-03-01 11:04:06,290 - mmseg - INFO - Iter [83600/160000] lr: 9.550e-06, eta: 7:38:12, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1380, decode.acc_seg: 77.0242, aux.loss_ce: 0.0609, aux.acc_seg: 76.6063, loss: 0.1990 2022-03-01 11:04:24,193 - mmseg - INFO - Iter [83650/160000] lr: 9.544e-06, eta: 7:37:54, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1331, decode.acc_seg: 74.9689, aux.loss_ce: 0.0586, aux.acc_seg: 74.5461, loss: 0.1917 2022-03-01 11:04:41,927 - mmseg - INFO - Iter [83700/160000] lr: 9.538e-06, eta: 7:37:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1479, decode.acc_seg: 75.7918, aux.loss_ce: 0.0642, aux.acc_seg: 75.4265, loss: 0.2121 2022-03-01 11:04:59,909 - mmseg - INFO - Iter [83750/160000] lr: 9.531e-06, eta: 7:37:17, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1410, decode.acc_seg: 76.4297, aux.loss_ce: 0.0622, aux.acc_seg: 75.9228, loss: 0.2032 2022-03-01 11:05:17,713 - mmseg - INFO - Iter [83800/160000] lr: 9.525e-06, eta: 7:36:59, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1400, decode.acc_seg: 76.7567, aux.loss_ce: 0.0612, aux.acc_seg: 76.4325, loss: 0.2013 2022-03-01 11:05:35,451 - mmseg - INFO - Iter [83850/160000] lr: 9.519e-06, eta: 7:36:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1408, decode.acc_seg: 76.5366, aux.loss_ce: 0.0616, aux.acc_seg: 76.1819, loss: 0.2024 2022-03-01 11:05:53,299 - mmseg - INFO - Iter [83900/160000] lr: 9.513e-06, eta: 7:36:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1310, decode.acc_seg: 75.1637, aux.loss_ce: 0.0573, aux.acc_seg: 74.8111, loss: 0.1883 2022-03-01 11:06:11,123 - mmseg - INFO - Iter [83950/160000] lr: 9.506e-06, eta: 7:36:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1335, decode.acc_seg: 75.4231, aux.loss_ce: 0.0589, aux.acc_seg: 74.9969, loss: 0.1924 2022-03-01 11:06:28,921 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:06:28,922 - mmseg - INFO - Iter [84000/160000] lr: 9.500e-06, eta: 7:35:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1413, decode.acc_seg: 75.8904, aux.loss_ce: 0.0614, aux.acc_seg: 75.5120, loss: 0.2027 2022-03-01 11:06:46,747 - mmseg - INFO - Iter [84050/160000] lr: 9.494e-06, eta: 7:35:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1340, decode.acc_seg: 75.7667, aux.loss_ce: 0.0597, aux.acc_seg: 75.3180, loss: 0.1938 2022-03-01 11:07:04,403 - mmseg - INFO - Iter [84100/160000] lr: 9.488e-06, eta: 7:35:10, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1376, decode.acc_seg: 75.7531, aux.loss_ce: 0.0604, aux.acc_seg: 75.3266, loss: 0.1980 2022-03-01 11:07:22,022 - mmseg - INFO - Iter [84150/160000] lr: 9.481e-06, eta: 7:34:52, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1399, decode.acc_seg: 75.8023, aux.loss_ce: 0.0610, aux.acc_seg: 75.4016, loss: 0.2008 2022-03-01 11:07:39,730 - mmseg - INFO - Iter [84200/160000] lr: 9.475e-06, eta: 7:34:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1442, decode.acc_seg: 77.2093, aux.loss_ce: 0.0633, aux.acc_seg: 76.8871, loss: 0.2075 2022-03-01 11:07:57,571 - mmseg - INFO - Iter [84250/160000] lr: 9.469e-06, eta: 7:34:15, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1307, decode.acc_seg: 75.4853, aux.loss_ce: 0.0575, aux.acc_seg: 75.0980, loss: 0.1882 2022-03-01 11:08:15,169 - mmseg - INFO - Iter [84300/160000] lr: 9.463e-06, eta: 7:33:57, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1260, decode.acc_seg: 75.1313, aux.loss_ce: 0.0560, aux.acc_seg: 74.7193, loss: 0.1820 2022-03-01 11:08:33,018 - mmseg - INFO - Iter [84350/160000] lr: 9.456e-06, eta: 7:33:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1441, decode.acc_seg: 76.4907, aux.loss_ce: 0.0631, aux.acc_seg: 76.0684, loss: 0.2072 2022-03-01 11:08:50,875 - mmseg - INFO - Iter [84400/160000] lr: 9.450e-06, eta: 7:33:21, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1379, decode.acc_seg: 76.8054, aux.loss_ce: 0.0611, aux.acc_seg: 76.3555, loss: 0.1989 2022-03-01 11:09:08,800 - mmseg - INFO - Iter [84450/160000] lr: 9.444e-06, eta: 7:33:03, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1303, decode.acc_seg: 74.9967, aux.loss_ce: 0.0584, aux.acc_seg: 74.5748, loss: 0.1886 2022-03-01 11:09:26,521 - mmseg - INFO - Iter [84500/160000] lr: 9.438e-06, eta: 7:32:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1405, decode.acc_seg: 75.4478, aux.loss_ce: 0.0614, aux.acc_seg: 75.0703, loss: 0.2019 2022-03-01 11:09:44,191 - mmseg - INFO - Iter [84550/160000] lr: 9.431e-06, eta: 7:32:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1361, decode.acc_seg: 75.8360, aux.loss_ce: 0.0596, aux.acc_seg: 75.4484, loss: 0.1957 2022-03-01 11:10:02,023 - mmseg - INFO - Iter [84600/160000] lr: 9.425e-06, eta: 7:32:08, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1277, decode.acc_seg: 75.9635, aux.loss_ce: 0.0561, aux.acc_seg: 75.6174, loss: 0.1837 2022-03-01 11:10:22,197 - mmseg - INFO - Iter [84650/160000] lr: 9.419e-06, eta: 7:31:52, time: 0.403, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1285, decode.acc_seg: 77.5287, aux.loss_ce: 0.0569, aux.acc_seg: 77.1272, loss: 0.1854 2022-03-01 11:10:39,971 - mmseg - INFO - Iter [84700/160000] lr: 9.413e-06, eta: 7:31:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1251, decode.acc_seg: 76.2889, aux.loss_ce: 0.0556, aux.acc_seg: 75.8577, loss: 0.1808 2022-03-01 11:10:57,663 - mmseg - INFO - Iter [84750/160000] lr: 9.406e-06, eta: 7:31:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1362, decode.acc_seg: 75.6927, aux.loss_ce: 0.0606, aux.acc_seg: 75.1882, loss: 0.1968 2022-03-01 11:11:15,298 - mmseg - INFO - Iter [84800/160000] lr: 9.400e-06, eta: 7:30:57, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1304, decode.acc_seg: 76.4646, aux.loss_ce: 0.0575, aux.acc_seg: 76.0841, loss: 0.1878 2022-03-01 11:11:33,084 - mmseg - INFO - Iter [84850/160000] lr: 9.394e-06, eta: 7:30:39, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1257, decode.acc_seg: 76.8307, aux.loss_ce: 0.0555, aux.acc_seg: 76.4661, loss: 0.1812 2022-03-01 11:11:50,897 - mmseg - INFO - Iter [84900/160000] lr: 9.388e-06, eta: 7:30:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1389, decode.acc_seg: 74.8639, aux.loss_ce: 0.0611, aux.acc_seg: 74.5213, loss: 0.2000 2022-03-01 11:12:08,564 - mmseg - INFO - Iter [84950/160000] lr: 9.381e-06, eta: 7:30:03, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1330, decode.acc_seg: 77.9963, aux.loss_ce: 0.0587, aux.acc_seg: 77.5587, loss: 0.1917 2022-03-01 11:12:26,495 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:12:26,495 - mmseg - INFO - Iter [85000/160000] lr: 9.375e-06, eta: 7:29:45, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1311, decode.acc_seg: 75.5920, aux.loss_ce: 0.0577, aux.acc_seg: 75.2063, loss: 0.1888 2022-03-01 11:12:44,253 - mmseg - INFO - Iter [85050/160000] lr: 9.369e-06, eta: 7:29:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1273, decode.acc_seg: 76.1908, aux.loss_ce: 0.0558, aux.acc_seg: 75.8723, loss: 0.1831 2022-03-01 11:13:02,005 - mmseg - INFO - Iter [85100/160000] lr: 9.363e-06, eta: 7:29:08, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1252, decode.acc_seg: 76.5251, aux.loss_ce: 0.0555, aux.acc_seg: 76.1548, loss: 0.1807 2022-03-01 11:13:19,929 - mmseg - INFO - Iter [85150/160000] lr: 9.356e-06, eta: 7:28:50, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1432, decode.acc_seg: 74.0618, aux.loss_ce: 0.0630, aux.acc_seg: 73.5802, loss: 0.2062 2022-03-01 11:13:37,637 - mmseg - INFO - Iter [85200/160000] lr: 9.350e-06, eta: 7:28:32, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1335, decode.acc_seg: 77.2285, aux.loss_ce: 0.0589, aux.acc_seg: 76.8009, loss: 0.1924 2022-03-01 11:13:55,261 - mmseg - INFO - Iter [85250/160000] lr: 9.344e-06, eta: 7:28:14, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1353, decode.acc_seg: 76.5879, aux.loss_ce: 0.0601, aux.acc_seg: 76.1308, loss: 0.1954 2022-03-01 11:14:13,068 - mmseg - INFO - Iter [85300/160000] lr: 9.338e-06, eta: 7:27:56, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1269, decode.acc_seg: 76.8200, aux.loss_ce: 0.0562, aux.acc_seg: 76.4146, loss: 0.1831 2022-03-01 11:14:31,051 - mmseg - INFO - Iter [85350/160000] lr: 9.331e-06, eta: 7:27:38, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1293, decode.acc_seg: 76.9178, aux.loss_ce: 0.0567, aux.acc_seg: 76.5137, loss: 0.1859 2022-03-01 11:14:48,707 - mmseg - INFO - Iter [85400/160000] lr: 9.325e-06, eta: 7:27:19, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1351, decode.acc_seg: 74.2182, aux.loss_ce: 0.0589, aux.acc_seg: 73.8164, loss: 0.1940 2022-03-01 11:15:06,416 - mmseg - INFO - Iter [85450/160000] lr: 9.319e-06, eta: 7:27:01, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1353, decode.acc_seg: 76.4163, aux.loss_ce: 0.0596, aux.acc_seg: 76.0007, loss: 0.1949 2022-03-01 11:15:24,267 - mmseg - INFO - Iter [85500/160000] lr: 9.313e-06, eta: 7:26:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1321, decode.acc_seg: 75.3618, aux.loss_ce: 0.0582, aux.acc_seg: 74.9575, loss: 0.1903 2022-03-01 11:15:42,067 - mmseg - INFO - Iter [85550/160000] lr: 9.306e-06, eta: 7:26:25, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1400, decode.acc_seg: 76.2421, aux.loss_ce: 0.0620, aux.acc_seg: 75.7801, loss: 0.2020 2022-03-01 11:15:59,824 - mmseg - INFO - Iter [85600/160000] lr: 9.300e-06, eta: 7:26:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1369, decode.acc_seg: 76.5784, aux.loss_ce: 0.0599, aux.acc_seg: 76.1665, loss: 0.1967 2022-03-01 11:16:17,749 - mmseg - INFO - Iter [85650/160000] lr: 9.294e-06, eta: 7:25:49, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1359, decode.acc_seg: 74.2488, aux.loss_ce: 0.0603, aux.acc_seg: 73.8433, loss: 0.1962 2022-03-01 11:16:35,482 - mmseg - INFO - Iter [85700/160000] lr: 9.288e-06, eta: 7:25:30, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1405, decode.acc_seg: 75.1702, aux.loss_ce: 0.0619, aux.acc_seg: 74.7422, loss: 0.2024 2022-03-01 11:16:53,307 - mmseg - INFO - Iter [85750/160000] lr: 9.281e-06, eta: 7:25:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1387, decode.acc_seg: 76.7630, aux.loss_ce: 0.0611, aux.acc_seg: 76.3186, loss: 0.1997 2022-03-01 11:17:11,249 - mmseg - INFO - Iter [85800/160000] lr: 9.275e-06, eta: 7:24:54, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1420, decode.acc_seg: 75.6589, aux.loss_ce: 0.0625, aux.acc_seg: 75.2553, loss: 0.2045 2022-03-01 11:17:29,139 - mmseg - INFO - Iter [85850/160000] lr: 9.269e-06, eta: 7:24:36, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1386, decode.acc_seg: 77.3807, aux.loss_ce: 0.0613, aux.acc_seg: 76.9076, loss: 0.1999 2022-03-01 11:17:49,236 - mmseg - INFO - Iter [85900/160000] lr: 9.263e-06, eta: 7:24:20, time: 0.402, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1416, decode.acc_seg: 77.3307, aux.loss_ce: 0.0626, aux.acc_seg: 76.9070, loss: 0.2042 2022-03-01 11:18:07,168 - mmseg - INFO - Iter [85950/160000] lr: 9.256e-06, eta: 7:24:02, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1305, decode.acc_seg: 75.4054, aux.loss_ce: 0.0575, aux.acc_seg: 75.0666, loss: 0.1880 2022-03-01 11:18:24,848 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:18:24,849 - mmseg - INFO - Iter [86000/160000] lr: 9.250e-06, eta: 7:23:44, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1315, decode.acc_seg: 75.8927, aux.loss_ce: 0.0584, aux.acc_seg: 75.4524, loss: 0.1900 2022-03-01 11:18:42,758 - mmseg - INFO - Iter [86050/160000] lr: 9.244e-06, eta: 7:23:26, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1344, decode.acc_seg: 76.6566, aux.loss_ce: 0.0604, aux.acc_seg: 76.1500, loss: 0.1948 2022-03-01 11:19:00,574 - mmseg - INFO - Iter [86100/160000] lr: 9.238e-06, eta: 7:23:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1282, decode.acc_seg: 75.4927, aux.loss_ce: 0.0570, aux.acc_seg: 75.0998, loss: 0.1852 2022-03-01 11:19:18,414 - mmseg - INFO - Iter [86150/160000] lr: 9.231e-06, eta: 7:22:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1329, decode.acc_seg: 75.9298, aux.loss_ce: 0.0591, aux.acc_seg: 75.5278, loss: 0.1920 2022-03-01 11:19:36,161 - mmseg - INFO - Iter [86200/160000] lr: 9.225e-06, eta: 7:22:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1282, decode.acc_seg: 75.2787, aux.loss_ce: 0.0561, aux.acc_seg: 74.9156, loss: 0.1843 2022-03-01 11:19:53,881 - mmseg - INFO - Iter [86250/160000] lr: 9.219e-06, eta: 7:22:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1258, decode.acc_seg: 75.6820, aux.loss_ce: 0.0559, aux.acc_seg: 75.2431, loss: 0.1817 2022-03-01 11:20:11,534 - mmseg - INFO - Iter [86300/160000] lr: 9.213e-06, eta: 7:21:55, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1295, decode.acc_seg: 76.0948, aux.loss_ce: 0.0577, aux.acc_seg: 75.6712, loss: 0.1872 2022-03-01 11:20:29,447 - mmseg - INFO - Iter [86350/160000] lr: 9.206e-06, eta: 7:21:37, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1311, decode.acc_seg: 75.7356, aux.loss_ce: 0.0579, aux.acc_seg: 75.2983, loss: 0.1890 2022-03-01 11:20:47,036 - mmseg - INFO - Iter [86400/160000] lr: 9.200e-06, eta: 7:21:18, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1345, decode.acc_seg: 76.9926, aux.loss_ce: 0.0590, aux.acc_seg: 76.6586, loss: 0.1935 2022-03-01 11:21:04,918 - mmseg - INFO - Iter [86450/160000] lr: 9.194e-06, eta: 7:21:00, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1434, decode.acc_seg: 76.8432, aux.loss_ce: 0.0629, aux.acc_seg: 76.4867, loss: 0.2064 2022-03-01 11:21:22,694 - mmseg - INFO - Iter [86500/160000] lr: 9.188e-06, eta: 7:20:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1348, decode.acc_seg: 76.4113, aux.loss_ce: 0.0586, aux.acc_seg: 75.9931, loss: 0.1935 2022-03-01 11:21:40,438 - mmseg - INFO - Iter [86550/160000] lr: 9.181e-06, eta: 7:20:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1379, decode.acc_seg: 75.5012, aux.loss_ce: 0.0596, aux.acc_seg: 75.1585, loss: 0.1974 2022-03-01 11:21:58,156 - mmseg - INFO - Iter [86600/160000] lr: 9.175e-06, eta: 7:20:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1375, decode.acc_seg: 74.8182, aux.loss_ce: 0.0611, aux.acc_seg: 74.3461, loss: 0.1986 2022-03-01 11:22:16,167 - mmseg - INFO - Iter [86650/160000] lr: 9.169e-06, eta: 7:19:48, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1419, decode.acc_seg: 76.1838, aux.loss_ce: 0.0622, aux.acc_seg: 75.7720, loss: 0.2041 2022-03-01 11:22:33,968 - mmseg - INFO - Iter [86700/160000] lr: 9.163e-06, eta: 7:19:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1295, decode.acc_seg: 76.3877, aux.loss_ce: 0.0573, aux.acc_seg: 75.9852, loss: 0.1868 2022-03-01 11:22:51,673 - mmseg - INFO - Iter [86750/160000] lr: 9.156e-06, eta: 7:19:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1383, decode.acc_seg: 77.6449, aux.loss_ce: 0.0611, aux.acc_seg: 77.2109, loss: 0.1994 2022-03-01 11:23:09,775 - mmseg - INFO - Iter [86800/160000] lr: 9.150e-06, eta: 7:18:53, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1315, decode.acc_seg: 75.3475, aux.loss_ce: 0.0575, aux.acc_seg: 74.9735, loss: 0.1890 2022-03-01 11:23:27,630 - mmseg - INFO - Iter [86850/160000] lr: 9.144e-06, eta: 7:18:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1258, decode.acc_seg: 77.0519, aux.loss_ce: 0.0556, aux.acc_seg: 76.6017, loss: 0.1814 2022-03-01 11:23:45,719 - mmseg - INFO - Iter [86900/160000] lr: 9.138e-06, eta: 7:18:17, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1299, decode.acc_seg: 75.8410, aux.loss_ce: 0.0578, aux.acc_seg: 75.4099, loss: 0.1876 2022-03-01 11:24:03,570 - mmseg - INFO - Iter [86950/160000] lr: 9.131e-06, eta: 7:17:59, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1316, decode.acc_seg: 76.8354, aux.loss_ce: 0.0584, aux.acc_seg: 76.3986, loss: 0.1900 2022-03-01 11:24:21,440 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:24:21,440 - mmseg - INFO - Iter [87000/160000] lr: 9.125e-06, eta: 7:17:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1287, decode.acc_seg: 76.7035, aux.loss_ce: 0.0570, aux.acc_seg: 76.2855, loss: 0.1857 2022-03-01 11:24:39,325 - mmseg - INFO - Iter [87050/160000] lr: 9.119e-06, eta: 7:17:23, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1385, decode.acc_seg: 77.1673, aux.loss_ce: 0.0609, aux.acc_seg: 76.7217, loss: 0.1994 2022-03-01 11:24:57,205 - mmseg - INFO - Iter [87100/160000] lr: 9.113e-06, eta: 7:17:05, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1295, decode.acc_seg: 76.3382, aux.loss_ce: 0.0571, aux.acc_seg: 75.9519, loss: 0.1867 2022-03-01 11:25:17,307 - mmseg - INFO - Iter [87150/160000] lr: 9.106e-06, eta: 7:16:49, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1281, decode.acc_seg: 76.7654, aux.loss_ce: 0.0560, aux.acc_seg: 76.4258, loss: 0.1841 2022-03-01 11:25:35,218 - mmseg - INFO - Iter [87200/160000] lr: 9.100e-06, eta: 7:16:31, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1292, decode.acc_seg: 75.9851, aux.loss_ce: 0.0569, aux.acc_seg: 75.5895, loss: 0.1861 2022-03-01 11:25:53,135 - mmseg - INFO - Iter [87250/160000] lr: 9.094e-06, eta: 7:16:13, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1187, decode.acc_seg: 75.8807, aux.loss_ce: 0.0523, aux.acc_seg: 75.4825, loss: 0.1710 2022-03-01 11:26:11,002 - mmseg - INFO - Iter [87300/160000] lr: 9.088e-06, eta: 7:15:55, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1290, decode.acc_seg: 77.2229, aux.loss_ce: 0.0568, aux.acc_seg: 76.8433, loss: 0.1858 2022-03-01 11:26:28,762 - mmseg - INFO - Iter [87350/160000] lr: 9.081e-06, eta: 7:15:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1291, decode.acc_seg: 77.5144, aux.loss_ce: 0.0573, aux.acc_seg: 77.1031, loss: 0.1865 2022-03-01 11:26:46,603 - mmseg - INFO - Iter [87400/160000] lr: 9.075e-06, eta: 7:15:18, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1173, decode.acc_seg: 75.7277, aux.loss_ce: 0.0527, aux.acc_seg: 75.2873, loss: 0.1700 2022-03-01 11:27:04,319 - mmseg - INFO - Iter [87450/160000] lr: 9.069e-06, eta: 7:15:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1345, decode.acc_seg: 75.2474, aux.loss_ce: 0.0590, aux.acc_seg: 74.8682, loss: 0.1935 2022-03-01 11:27:22,169 - mmseg - INFO - Iter [87500/160000] lr: 9.063e-06, eta: 7:14:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1337, decode.acc_seg: 76.1896, aux.loss_ce: 0.0583, aux.acc_seg: 75.8553, loss: 0.1921 2022-03-01 11:27:39,868 - mmseg - INFO - Iter [87550/160000] lr: 9.056e-06, eta: 7:14:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1280, decode.acc_seg: 77.2986, aux.loss_ce: 0.0564, aux.acc_seg: 76.8876, loss: 0.1844 2022-03-01 11:27:57,679 - mmseg - INFO - Iter [87600/160000] lr: 9.050e-06, eta: 7:14:06, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1286, decode.acc_seg: 75.9471, aux.loss_ce: 0.0576, aux.acc_seg: 75.4971, loss: 0.1862 2022-03-01 11:28:15,500 - mmseg - INFO - Iter [87650/160000] lr: 9.044e-06, eta: 7:13:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1280, decode.acc_seg: 76.6208, aux.loss_ce: 0.0567, aux.acc_seg: 76.2286, loss: 0.1846 2022-03-01 11:28:33,201 - mmseg - INFO - Iter [87700/160000] lr: 9.038e-06, eta: 7:13:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1264, decode.acc_seg: 77.0781, aux.loss_ce: 0.0562, aux.acc_seg: 76.6535, loss: 0.1826 2022-03-01 11:28:50,981 - mmseg - INFO - Iter [87750/160000] lr: 9.031e-06, eta: 7:13:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1348, decode.acc_seg: 76.1930, aux.loss_ce: 0.0595, aux.acc_seg: 75.7749, loss: 0.1942 2022-03-01 11:29:08,720 - mmseg - INFO - Iter [87800/160000] lr: 9.025e-06, eta: 7:12:53, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1410, decode.acc_seg: 76.8358, aux.loss_ce: 0.0619, aux.acc_seg: 76.4304, loss: 0.2030 2022-03-01 11:29:26,587 - mmseg - INFO - Iter [87850/160000] lr: 9.019e-06, eta: 7:12:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1324, decode.acc_seg: 76.8697, aux.loss_ce: 0.0586, aux.acc_seg: 76.4605, loss: 0.1910 2022-03-01 11:29:44,225 - mmseg - INFO - Iter [87900/160000] lr: 9.013e-06, eta: 7:12:17, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1319, decode.acc_seg: 76.2574, aux.loss_ce: 0.0579, aux.acc_seg: 75.8291, loss: 0.1899 2022-03-01 11:30:02,025 - mmseg - INFO - Iter [87950/160000] lr: 9.006e-06, eta: 7:11:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1325, decode.acc_seg: 75.2046, aux.loss_ce: 0.0585, aux.acc_seg: 74.7908, loss: 0.1909 2022-03-01 11:30:19,978 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:30:19,979 - mmseg - INFO - Iter [88000/160000] lr: 9.000e-06, eta: 7:11:40, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1404, decode.acc_seg: 76.0993, aux.loss_ce: 0.0616, aux.acc_seg: 75.6800, loss: 0.2021 2022-03-01 11:30:37,677 - mmseg - INFO - Iter [88050/160000] lr: 8.994e-06, eta: 7:11:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1313, decode.acc_seg: 76.7080, aux.loss_ce: 0.0581, aux.acc_seg: 76.2354, loss: 0.1894 2022-03-01 11:30:55,467 - mmseg - INFO - Iter [88100/160000] lr: 8.988e-06, eta: 7:11:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1287, decode.acc_seg: 76.2051, aux.loss_ce: 0.0573, aux.acc_seg: 75.7675, loss: 0.1860 2022-03-01 11:31:13,192 - mmseg - INFO - Iter [88150/160000] lr: 8.981e-06, eta: 7:10:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1247, decode.acc_seg: 74.9559, aux.loss_ce: 0.0549, aux.acc_seg: 74.6105, loss: 0.1796 2022-03-01 11:31:30,749 - mmseg - INFO - Iter [88200/160000] lr: 8.975e-06, eta: 7:10:28, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1309, decode.acc_seg: 74.8274, aux.loss_ce: 0.0585, aux.acc_seg: 74.4209, loss: 0.1894 2022-03-01 11:31:48,501 - mmseg - INFO - Iter [88250/160000] lr: 8.969e-06, eta: 7:10:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1280, decode.acc_seg: 75.1352, aux.loss_ce: 0.0570, aux.acc_seg: 74.7067, loss: 0.1849 2022-03-01 11:32:06,489 - mmseg - INFO - Iter [88300/160000] lr: 8.963e-06, eta: 7:09:51, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1257, decode.acc_seg: 76.2449, aux.loss_ce: 0.0554, aux.acc_seg: 75.8308, loss: 0.1811 2022-03-01 11:32:24,222 - mmseg - INFO - Iter [88350/160000] lr: 8.956e-06, eta: 7:09:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1306, decode.acc_seg: 76.2671, aux.loss_ce: 0.0583, aux.acc_seg: 75.8229, loss: 0.1889 2022-03-01 11:32:41,824 - mmseg - INFO - Iter [88400/160000] lr: 8.950e-06, eta: 7:09:15, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1249, decode.acc_seg: 74.6630, aux.loss_ce: 0.0553, aux.acc_seg: 74.2651, loss: 0.1802 2022-03-01 11:33:02,010 - mmseg - INFO - Iter [88450/160000] lr: 8.944e-06, eta: 7:08:59, time: 0.404, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1220, decode.acc_seg: 76.4168, aux.loss_ce: 0.0539, aux.acc_seg: 76.0748, loss: 0.1760 2022-03-01 11:33:19,827 - mmseg - INFO - Iter [88500/160000] lr: 8.938e-06, eta: 7:08:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1297, decode.acc_seg: 76.1464, aux.loss_ce: 0.0573, aux.acc_seg: 75.7499, loss: 0.1871 2022-03-01 11:33:37,465 - mmseg - INFO - Iter [88550/160000] lr: 8.931e-06, eta: 7:08:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1266, decode.acc_seg: 76.3152, aux.loss_ce: 0.0568, aux.acc_seg: 75.8897, loss: 0.1834 2022-03-01 11:33:55,222 - mmseg - INFO - Iter [88600/160000] lr: 8.925e-06, eta: 7:08:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1259, decode.acc_seg: 76.0473, aux.loss_ce: 0.0561, aux.acc_seg: 75.6776, loss: 0.1820 2022-03-01 11:34:13,141 - mmseg - INFO - Iter [88650/160000] lr: 8.919e-06, eta: 7:07:46, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1264, decode.acc_seg: 75.8816, aux.loss_ce: 0.0553, aux.acc_seg: 75.5390, loss: 0.1818 2022-03-01 11:34:30,792 - mmseg - INFO - Iter [88700/160000] lr: 8.913e-06, eta: 7:07:28, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1281, decode.acc_seg: 76.0948, aux.loss_ce: 0.0560, aux.acc_seg: 75.7178, loss: 0.1840 2022-03-01 11:34:48,421 - mmseg - INFO - Iter [88750/160000] lr: 8.906e-06, eta: 7:07:10, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1321, decode.acc_seg: 76.1811, aux.loss_ce: 0.0587, aux.acc_seg: 75.7474, loss: 0.1908 2022-03-01 11:35:06,037 - mmseg - INFO - Iter [88800/160000] lr: 8.900e-06, eta: 7:06:51, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1274, decode.acc_seg: 77.5949, aux.loss_ce: 0.0564, aux.acc_seg: 77.1969, loss: 0.1839 2022-03-01 11:35:23,746 - mmseg - INFO - Iter [88850/160000] lr: 8.894e-06, eta: 7:06:33, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1275, decode.acc_seg: 76.2875, aux.loss_ce: 0.0567, aux.acc_seg: 75.8654, loss: 0.1842 2022-03-01 11:35:41,822 - mmseg - INFO - Iter [88900/160000] lr: 8.888e-06, eta: 7:06:15, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1244, decode.acc_seg: 76.7583, aux.loss_ce: 0.0554, aux.acc_seg: 76.3391, loss: 0.1798 2022-03-01 11:35:59,795 - mmseg - INFO - Iter [88950/160000] lr: 8.881e-06, eta: 7:05:57, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1232, decode.acc_seg: 76.1572, aux.loss_ce: 0.0547, aux.acc_seg: 75.7526, loss: 0.1779 2022-03-01 11:36:17,684 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:36:17,684 - mmseg - INFO - Iter [89000/160000] lr: 8.875e-06, eta: 7:05:39, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1275, decode.acc_seg: 75.1613, aux.loss_ce: 0.0565, aux.acc_seg: 74.7585, loss: 0.1840 2022-03-01 11:36:35,398 - mmseg - INFO - Iter [89050/160000] lr: 8.869e-06, eta: 7:05:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1440, decode.acc_seg: 76.8926, aux.loss_ce: 0.0631, aux.acc_seg: 76.4907, loss: 0.2072 2022-03-01 11:36:53,100 - mmseg - INFO - Iter [89100/160000] lr: 8.863e-06, eta: 7:05:03, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1295, decode.acc_seg: 76.6173, aux.loss_ce: 0.0574, aux.acc_seg: 76.2638, loss: 0.1869 2022-03-01 11:37:10,987 - mmseg - INFO - Iter [89150/160000] lr: 8.856e-06, eta: 7:04:45, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1309, decode.acc_seg: 74.9159, aux.loss_ce: 0.0576, aux.acc_seg: 74.5549, loss: 0.1885 2022-03-01 11:37:28,990 - mmseg - INFO - Iter [89200/160000] lr: 8.850e-06, eta: 7:04:27, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1319, decode.acc_seg: 75.8713, aux.loss_ce: 0.0578, aux.acc_seg: 75.5325, loss: 0.1898 2022-03-01 11:37:46,781 - mmseg - INFO - Iter [89250/160000] lr: 8.844e-06, eta: 7:04:09, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1363, decode.acc_seg: 75.9744, aux.loss_ce: 0.0595, aux.acc_seg: 75.6588, loss: 0.1958 2022-03-01 11:38:04,536 - mmseg - INFO - Iter [89300/160000] lr: 8.838e-06, eta: 7:03:50, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1358, decode.acc_seg: 76.6393, aux.loss_ce: 0.0602, aux.acc_seg: 76.2470, loss: 0.1960 2022-03-01 11:38:22,206 - mmseg - INFO - Iter [89350/160000] lr: 8.831e-06, eta: 7:03:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1245, decode.acc_seg: 77.0505, aux.loss_ce: 0.0552, aux.acc_seg: 76.6682, loss: 0.1796 2022-03-01 11:38:39,842 - mmseg - INFO - Iter [89400/160000] lr: 8.825e-06, eta: 7:03:14, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1276, decode.acc_seg: 75.1288, aux.loss_ce: 0.0566, aux.acc_seg: 74.6691, loss: 0.1842 2022-03-01 11:38:57,767 - mmseg - INFO - Iter [89450/160000] lr: 8.819e-06, eta: 7:02:56, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1307, decode.acc_seg: 75.2577, aux.loss_ce: 0.0575, aux.acc_seg: 74.8833, loss: 0.1882 2022-03-01 11:39:15,617 - mmseg - INFO - Iter [89500/160000] lr: 8.813e-06, eta: 7:02:38, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1217, decode.acc_seg: 75.9904, aux.loss_ce: 0.0542, aux.acc_seg: 75.5483, loss: 0.1759 2022-03-01 11:39:33,438 - mmseg - INFO - Iter [89550/160000] lr: 8.806e-06, eta: 7:02:20, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1328, decode.acc_seg: 76.7529, aux.loss_ce: 0.0578, aux.acc_seg: 76.4043, loss: 0.1907 2022-03-01 11:39:51,121 - mmseg - INFO - Iter [89600/160000] lr: 8.800e-06, eta: 7:02:01, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1401, decode.acc_seg: 75.7920, aux.loss_ce: 0.0612, aux.acc_seg: 75.4027, loss: 0.2013 2022-03-01 11:40:08,971 - mmseg - INFO - Iter [89650/160000] lr: 8.794e-06, eta: 7:01:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1239, decode.acc_seg: 76.7481, aux.loss_ce: 0.0547, aux.acc_seg: 76.3605, loss: 0.1786 2022-03-01 11:40:29,016 - mmseg - INFO - Iter [89700/160000] lr: 8.788e-06, eta: 7:01:27, time: 0.401, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1299, decode.acc_seg: 76.8891, aux.loss_ce: 0.0579, aux.acc_seg: 76.4739, loss: 0.1878 2022-03-01 11:40:46,708 - mmseg - INFO - Iter [89750/160000] lr: 8.781e-06, eta: 7:01:09, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1226, decode.acc_seg: 76.8348, aux.loss_ce: 0.0541, aux.acc_seg: 76.4840, loss: 0.1767 2022-03-01 11:41:04,464 - mmseg - INFO - Iter [89800/160000] lr: 8.775e-06, eta: 7:00:51, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1357, decode.acc_seg: 75.8478, aux.loss_ce: 0.0590, aux.acc_seg: 75.5138, loss: 0.1947 2022-03-01 11:41:22,305 - mmseg - INFO - Iter [89850/160000] lr: 8.769e-06, eta: 7:00:32, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1366, decode.acc_seg: 76.0367, aux.loss_ce: 0.0589, aux.acc_seg: 75.6898, loss: 0.1955 2022-03-01 11:41:40,114 - mmseg - INFO - Iter [89900/160000] lr: 8.763e-06, eta: 7:00:14, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1289, decode.acc_seg: 76.5726, aux.loss_ce: 0.0568, aux.acc_seg: 76.1845, loss: 0.1858 2022-03-01 11:41:57,761 - mmseg - INFO - Iter [89950/160000] lr: 8.756e-06, eta: 6:59:56, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1273, decode.acc_seg: 77.8979, aux.loss_ce: 0.0561, aux.acc_seg: 77.4874, loss: 0.1834 2022-03-01 11:42:15,457 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:42:15,457 - mmseg - INFO - Iter [90000/160000] lr: 8.750e-06, eta: 6:59:38, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1291, decode.acc_seg: 76.2860, aux.loss_ce: 0.0569, aux.acc_seg: 75.9510, loss: 0.1860 2022-03-01 11:42:33,199 - mmseg - INFO - Iter [90050/160000] lr: 8.744e-06, eta: 6:59:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1265, decode.acc_seg: 76.5424, aux.loss_ce: 0.0556, aux.acc_seg: 76.1702, loss: 0.1820 2022-03-01 11:42:50,926 - mmseg - INFO - Iter [90100/160000] lr: 8.738e-06, eta: 6:59:02, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1452, decode.acc_seg: 77.0087, aux.loss_ce: 0.0640, aux.acc_seg: 76.5550, loss: 0.2093 2022-03-01 11:43:08,800 - mmseg - INFO - Iter [90150/160000] lr: 8.731e-06, eta: 6:58:43, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1249, decode.acc_seg: 76.9363, aux.loss_ce: 0.0549, aux.acc_seg: 76.5666, loss: 0.1798 2022-03-01 11:43:26,448 - mmseg - INFO - Iter [90200/160000] lr: 8.725e-06, eta: 6:58:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1283, decode.acc_seg: 76.0593, aux.loss_ce: 0.0568, aux.acc_seg: 75.6753, loss: 0.1851 2022-03-01 11:43:44,261 - mmseg - INFO - Iter [90250/160000] lr: 8.719e-06, eta: 6:58:07, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1322, decode.acc_seg: 76.3812, aux.loss_ce: 0.0586, aux.acc_seg: 75.9762, loss: 0.1907 2022-03-01 11:44:02,061 - mmseg - INFO - Iter [90300/160000] lr: 8.713e-06, eta: 6:57:49, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1301, decode.acc_seg: 74.9576, aux.loss_ce: 0.0572, aux.acc_seg: 74.5740, loss: 0.1873 2022-03-01 11:44:19,896 - mmseg - INFO - Iter [90350/160000] lr: 8.706e-06, eta: 6:57:31, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1324, decode.acc_seg: 76.3758, aux.loss_ce: 0.0586, aux.acc_seg: 75.9042, loss: 0.1910 2022-03-01 11:44:37,695 - mmseg - INFO - Iter [90400/160000] lr: 8.700e-06, eta: 6:57:13, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.1258, aux.loss_ce: 0.0531, aux.acc_seg: 75.7199, loss: 0.1729 2022-03-01 11:44:55,389 - mmseg - INFO - Iter [90450/160000] lr: 8.694e-06, eta: 6:56:55, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1397, decode.acc_seg: 76.7576, aux.loss_ce: 0.0604, aux.acc_seg: 76.3990, loss: 0.2000 2022-03-01 11:45:13,272 - mmseg - INFO - Iter [90500/160000] lr: 8.688e-06, eta: 6:56:36, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1269, decode.acc_seg: 76.9938, aux.loss_ce: 0.0566, aux.acc_seg: 76.6051, loss: 0.1834 2022-03-01 11:45:31,132 - mmseg - INFO - Iter [90550/160000] lr: 8.681e-06, eta: 6:56:18, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1350, decode.acc_seg: 75.5430, aux.loss_ce: 0.0598, aux.acc_seg: 75.1238, loss: 0.1948 2022-03-01 11:45:48,889 - mmseg - INFO - Iter [90600/160000] lr: 8.675e-06, eta: 6:56:00, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1334, decode.acc_seg: 76.0629, aux.loss_ce: 0.0586, aux.acc_seg: 75.7102, loss: 0.1920 2022-03-01 11:46:06,705 - mmseg - INFO - Iter [90650/160000] lr: 8.669e-06, eta: 6:55:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1280, decode.acc_seg: 77.8872, aux.loss_ce: 0.0560, aux.acc_seg: 77.5847, loss: 0.1840 2022-03-01 11:46:24,359 - mmseg - INFO - Iter [90700/160000] lr: 8.663e-06, eta: 6:55:24, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1358, decode.acc_seg: 75.6855, aux.loss_ce: 0.0610, aux.acc_seg: 75.2461, loss: 0.1968 2022-03-01 11:46:41,946 - mmseg - INFO - Iter [90750/160000] lr: 8.656e-06, eta: 6:55:06, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1294, decode.acc_seg: 75.9607, aux.loss_ce: 0.0575, aux.acc_seg: 75.5166, loss: 0.1869 2022-03-01 11:46:59,743 - mmseg - INFO - Iter [90800/160000] lr: 8.650e-06, eta: 6:54:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1288, decode.acc_seg: 76.3036, aux.loss_ce: 0.0572, aux.acc_seg: 75.8904, loss: 0.1860 2022-03-01 11:47:17,881 - mmseg - INFO - Iter [90850/160000] lr: 8.644e-06, eta: 6:54:30, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1251, decode.acc_seg: 76.2265, aux.loss_ce: 0.0557, aux.acc_seg: 75.8238, loss: 0.1808 2022-03-01 11:47:35,619 - mmseg - INFO - Iter [90900/160000] lr: 8.638e-06, eta: 6:54:11, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1322, decode.acc_seg: 76.9732, aux.loss_ce: 0.0581, aux.acc_seg: 76.5814, loss: 0.1903 2022-03-01 11:47:55,619 - mmseg - INFO - Iter [90950/160000] lr: 8.631e-06, eta: 6:53:55, time: 0.400, data_time: 0.048, memory: 49013, decode.loss_ce: 0.1279, decode.acc_seg: 75.8682, aux.loss_ce: 0.0567, aux.acc_seg: 75.4910, loss: 0.1846 2022-03-01 11:48:13,483 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:48:13,483 - mmseg - INFO - Iter [91000/160000] lr: 8.625e-06, eta: 6:53:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1325, decode.acc_seg: 75.9644, aux.loss_ce: 0.0576, aux.acc_seg: 75.6225, loss: 0.1902 2022-03-01 11:48:31,308 - mmseg - INFO - Iter [91050/160000] lr: 8.619e-06, eta: 6:53:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1283, decode.acc_seg: 77.2101, aux.loss_ce: 0.0565, aux.acc_seg: 76.8075, loss: 0.1848 2022-03-01 11:48:49,171 - mmseg - INFO - Iter [91100/160000] lr: 8.613e-06, eta: 6:53:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1240, decode.acc_seg: 76.0525, aux.loss_ce: 0.0551, aux.acc_seg: 75.6177, loss: 0.1792 2022-03-01 11:49:06,902 - mmseg - INFO - Iter [91150/160000] lr: 8.606e-06, eta: 6:52:43, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1242, decode.acc_seg: 76.7226, aux.loss_ce: 0.0554, aux.acc_seg: 76.3603, loss: 0.1796 2022-03-01 11:49:24,620 - mmseg - INFO - Iter [91200/160000] lr: 8.600e-06, eta: 6:52:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1308, decode.acc_seg: 77.8940, aux.loss_ce: 0.0583, aux.acc_seg: 77.4165, loss: 0.1892 2022-03-01 11:49:42,339 - mmseg - INFO - Iter [91250/160000] lr: 8.594e-06, eta: 6:52:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1153, decode.acc_seg: 76.5459, aux.loss_ce: 0.0513, aux.acc_seg: 76.1630, loss: 0.1666 2022-03-01 11:50:00,057 - mmseg - INFO - Iter [91300/160000] lr: 8.588e-06, eta: 6:51:48, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1311, decode.acc_seg: 75.9239, aux.loss_ce: 0.0579, aux.acc_seg: 75.5381, loss: 0.1890 2022-03-01 11:50:17,731 - mmseg - INFO - Iter [91350/160000] lr: 8.581e-06, eta: 6:51:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1283, decode.acc_seg: 76.3382, aux.loss_ce: 0.0565, aux.acc_seg: 75.9388, loss: 0.1848 2022-03-01 11:50:35,545 - mmseg - INFO - Iter [91400/160000] lr: 8.575e-06, eta: 6:51:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1314, decode.acc_seg: 76.4874, aux.loss_ce: 0.0585, aux.acc_seg: 76.0734, loss: 0.1899 2022-03-01 11:50:53,274 - mmseg - INFO - Iter [91450/160000] lr: 8.569e-06, eta: 6:50:54, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1237, decode.acc_seg: 74.6751, aux.loss_ce: 0.0546, aux.acc_seg: 74.3004, loss: 0.1783 2022-03-01 11:51:10,931 - mmseg - INFO - Iter [91500/160000] lr: 8.563e-06, eta: 6:50:35, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1238, decode.acc_seg: 77.3107, aux.loss_ce: 0.0551, aux.acc_seg: 76.9118, loss: 0.1790 2022-03-01 11:51:28,726 - mmseg - INFO - Iter [91550/160000] lr: 8.556e-06, eta: 6:50:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1332, decode.acc_seg: 74.8809, aux.loss_ce: 0.0579, aux.acc_seg: 74.5278, loss: 0.1912 2022-03-01 11:51:46,453 - mmseg - INFO - Iter [91600/160000] lr: 8.550e-06, eta: 6:49:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1273, decode.acc_seg: 75.5290, aux.loss_ce: 0.0560, aux.acc_seg: 75.1262, loss: 0.1833 2022-03-01 11:52:04,280 - mmseg - INFO - Iter [91650/160000] lr: 8.544e-06, eta: 6:49:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1253, decode.acc_seg: 74.7598, aux.loss_ce: 0.0557, aux.acc_seg: 74.3202, loss: 0.1810 2022-03-01 11:52:22,149 - mmseg - INFO - Iter [91700/160000] lr: 8.538e-06, eta: 6:49:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1185, decode.acc_seg: 75.7499, aux.loss_ce: 0.0528, aux.acc_seg: 75.3332, loss: 0.1713 2022-03-01 11:52:40,073 - mmseg - INFO - Iter [91750/160000] lr: 8.531e-06, eta: 6:49:05, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1293, decode.acc_seg: 75.5011, aux.loss_ce: 0.0579, aux.acc_seg: 75.0548, loss: 0.1872 2022-03-01 11:52:57,832 - mmseg - INFO - Iter [91800/160000] lr: 8.525e-06, eta: 6:48:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1265, decode.acc_seg: 76.5477, aux.loss_ce: 0.0557, aux.acc_seg: 76.1312, loss: 0.1823 2022-03-01 11:53:15,603 - mmseg - INFO - Iter [91850/160000] lr: 8.519e-06, eta: 6:48:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1220, decode.acc_seg: 77.0328, aux.loss_ce: 0.0548, aux.acc_seg: 76.5967, loss: 0.1769 2022-03-01 11:53:33,367 - mmseg - INFO - Iter [91900/160000] lr: 8.513e-06, eta: 6:48:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1285, decode.acc_seg: 77.0422, aux.loss_ce: 0.0568, aux.acc_seg: 76.6332, loss: 0.1853 2022-03-01 11:53:51,214 - mmseg - INFO - Iter [91950/160000] lr: 8.506e-06, eta: 6:47:52, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1247, decode.acc_seg: 76.4391, aux.loss_ce: 0.0552, aux.acc_seg: 76.0572, loss: 0.1799 2022-03-01 11:54:08,930 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 11:54:08,930 - mmseg - INFO - Iter [92000/160000] lr: 8.500e-06, eta: 6:47:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1254, decode.acc_seg: 76.1389, aux.loss_ce: 0.0553, aux.acc_seg: 75.7744, loss: 0.1807 2022-03-01 11:54:26,741 - mmseg - INFO - Iter [92050/160000] lr: 8.494e-06, eta: 6:47:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1375, decode.acc_seg: 76.4890, aux.loss_ce: 0.0599, aux.acc_seg: 76.1478, loss: 0.1974 2022-03-01 11:54:44,390 - mmseg - INFO - Iter [92100/160000] lr: 8.488e-06, eta: 6:46:58, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1293, decode.acc_seg: 77.1502, aux.loss_ce: 0.0575, aux.acc_seg: 76.7554, loss: 0.1868 2022-03-01 11:55:02,044 - mmseg - INFO - Iter [92150/160000] lr: 8.481e-06, eta: 6:46:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1245, decode.acc_seg: 76.7314, aux.loss_ce: 0.0546, aux.acc_seg: 76.3357, loss: 0.1792 2022-03-01 11:55:22,078 - mmseg - INFO - Iter [92200/160000] lr: 8.475e-06, eta: 6:46:23, time: 0.401, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1258, decode.acc_seg: 76.7903, aux.loss_ce: 0.0552, aux.acc_seg: 76.4091, loss: 0.1810 2022-03-01 11:55:39,932 - mmseg - INFO - Iter [92250/160000] lr: 8.469e-06, eta: 6:46:05, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1327, decode.acc_seg: 76.0711, aux.loss_ce: 0.0583, aux.acc_seg: 75.6961, loss: 0.1910 2022-03-01 11:55:57,664 - mmseg - INFO - Iter [92300/160000] lr: 8.463e-06, eta: 6:45:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1356, decode.acc_seg: 74.8233, aux.loss_ce: 0.0598, aux.acc_seg: 74.3527, loss: 0.1953 2022-03-01 11:56:15,213 - mmseg - INFO - Iter [92350/160000] lr: 8.456e-06, eta: 6:45:29, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1281, decode.acc_seg: 76.0236, aux.loss_ce: 0.0578, aux.acc_seg: 75.5060, loss: 0.1859 2022-03-01 11:56:33,309 - mmseg - INFO - Iter [92400/160000] lr: 8.450e-06, eta: 6:45:11, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1243, decode.acc_seg: 76.2540, aux.loss_ce: 0.0550, aux.acc_seg: 75.8456, loss: 0.1792 2022-03-01 11:56:50,925 - mmseg - INFO - Iter [92450/160000] lr: 8.444e-06, eta: 6:44:52, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1288, decode.acc_seg: 76.5237, aux.loss_ce: 0.0566, aux.acc_seg: 76.1616, loss: 0.1854 2022-03-01 11:57:08,658 - mmseg - INFO - Iter [92500/160000] lr: 8.438e-06, eta: 6:44:34, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1377, decode.acc_seg: 76.6286, aux.loss_ce: 0.0604, aux.acc_seg: 76.1816, loss: 0.1981 2022-03-01 11:57:26,470 - mmseg - INFO - Iter [92550/160000] lr: 8.431e-06, eta: 6:44:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1375, decode.acc_seg: 76.0477, aux.loss_ce: 0.0598, aux.acc_seg: 75.7170, loss: 0.1973 2022-03-01 11:57:44,238 - mmseg - INFO - Iter [92600/160000] lr: 8.425e-06, eta: 6:43:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1297, decode.acc_seg: 77.1163, aux.loss_ce: 0.0571, aux.acc_seg: 76.7441, loss: 0.1868 2022-03-01 11:58:02,017 - mmseg - INFO - Iter [92650/160000] lr: 8.419e-06, eta: 6:43:40, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1302, decode.acc_seg: 76.1448, aux.loss_ce: 0.0579, aux.acc_seg: 75.7208, loss: 0.1881 2022-03-01 11:58:19,814 - mmseg - INFO - Iter [92700/160000] lr: 8.413e-06, eta: 6:43:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1325, decode.acc_seg: 75.3037, aux.loss_ce: 0.0588, aux.acc_seg: 74.8543, loss: 0.1913 2022-03-01 11:58:37,586 - mmseg - INFO - Iter [92750/160000] lr: 8.406e-06, eta: 6:43:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1264, decode.acc_seg: 76.4843, aux.loss_ce: 0.0558, aux.acc_seg: 76.0980, loss: 0.1822 2022-03-01 11:58:55,523 - mmseg - INFO - Iter [92800/160000] lr: 8.400e-06, eta: 6:42:46, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1256, decode.acc_seg: 77.0355, aux.loss_ce: 0.0550, aux.acc_seg: 76.7065, loss: 0.1806 2022-03-01 11:59:13,385 - mmseg - INFO - Iter [92850/160000] lr: 8.394e-06, eta: 6:42:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1255, decode.acc_seg: 76.0033, aux.loss_ce: 0.0556, aux.acc_seg: 75.6089, loss: 0.1811 2022-03-01 11:59:31,132 - mmseg - INFO - Iter [92900/160000] lr: 8.388e-06, eta: 6:42:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1338, decode.acc_seg: 76.8723, aux.loss_ce: 0.0589, aux.acc_seg: 76.4646, loss: 0.1927 2022-03-01 11:59:48,792 - mmseg - INFO - Iter [92950/160000] lr: 8.381e-06, eta: 6:41:51, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1319, decode.acc_seg: 77.2735, aux.loss_ce: 0.0583, aux.acc_seg: 76.9065, loss: 0.1902 2022-03-01 12:00:06,539 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:00:06,539 - mmseg - INFO - Iter [93000/160000] lr: 8.375e-06, eta: 6:41:33, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1354, decode.acc_seg: 76.7288, aux.loss_ce: 0.0599, aux.acc_seg: 76.2447, loss: 0.1953 2022-03-01 12:00:24,604 - mmseg - INFO - Iter [93050/160000] lr: 8.369e-06, eta: 6:41:15, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1304, decode.acc_seg: 77.2557, aux.loss_ce: 0.0572, aux.acc_seg: 76.9053, loss: 0.1876 2022-03-01 12:00:42,319 - mmseg - INFO - Iter [93100/160000] lr: 8.363e-06, eta: 6:40:57, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1266, decode.acc_seg: 77.6683, aux.loss_ce: 0.0561, aux.acc_seg: 77.2380, loss: 0.1828 2022-03-01 12:01:00,194 - mmseg - INFO - Iter [93150/160000] lr: 8.356e-06, eta: 6:40:39, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1249, decode.acc_seg: 76.8531, aux.loss_ce: 0.0554, aux.acc_seg: 76.4765, loss: 0.1803 2022-03-01 12:01:17,872 - mmseg - INFO - Iter [93200/160000] lr: 8.350e-06, eta: 6:40:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1196, decode.acc_seg: 76.7881, aux.loss_ce: 0.0530, aux.acc_seg: 76.4180, loss: 0.1726 2022-03-01 12:01:35,593 - mmseg - INFO - Iter [93250/160000] lr: 8.344e-06, eta: 6:40:03, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1253, decode.acc_seg: 76.8704, aux.loss_ce: 0.0567, aux.acc_seg: 76.3830, loss: 0.1820 2022-03-01 12:01:53,703 - mmseg - INFO - Iter [93300/160000] lr: 8.338e-06, eta: 6:39:45, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1288, decode.acc_seg: 76.0152, aux.loss_ce: 0.0567, aux.acc_seg: 75.6047, loss: 0.1854 2022-03-01 12:02:11,537 - mmseg - INFO - Iter [93350/160000] lr: 8.331e-06, eta: 6:39:27, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1242, decode.acc_seg: 76.3763, aux.loss_ce: 0.0554, aux.acc_seg: 75.9072, loss: 0.1797 2022-03-01 12:02:29,314 - mmseg - INFO - Iter [93400/160000] lr: 8.325e-06, eta: 6:39:08, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1332, decode.acc_seg: 77.6462, aux.loss_ce: 0.0585, aux.acc_seg: 77.2010, loss: 0.1916 2022-03-01 12:02:47,043 - mmseg - INFO - Iter [93450/160000] lr: 8.319e-06, eta: 6:38:50, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1226, decode.acc_seg: 75.1507, aux.loss_ce: 0.0547, aux.acc_seg: 74.7374, loss: 0.1772 2022-03-01 12:03:07,124 - mmseg - INFO - Iter [93500/160000] lr: 8.313e-06, eta: 6:38:34, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1277, decode.acc_seg: 75.0700, aux.loss_ce: 0.0561, aux.acc_seg: 74.6896, loss: 0.1838 2022-03-01 12:03:24,918 - mmseg - INFO - Iter [93550/160000] lr: 8.306e-06, eta: 6:38:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1258, decode.acc_seg: 75.9057, aux.loss_ce: 0.0559, aux.acc_seg: 75.4861, loss: 0.1817 2022-03-01 12:03:42,708 - mmseg - INFO - Iter [93600/160000] lr: 8.300e-06, eta: 6:37:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1202, decode.acc_seg: 76.9605, aux.loss_ce: 0.0534, aux.acc_seg: 76.5333, loss: 0.1737 2022-03-01 12:04:00,567 - mmseg - INFO - Iter [93650/160000] lr: 8.294e-06, eta: 6:37:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1245, decode.acc_seg: 76.8000, aux.loss_ce: 0.0554, aux.acc_seg: 76.3739, loss: 0.1799 2022-03-01 12:04:18,337 - mmseg - INFO - Iter [93700/160000] lr: 8.288e-06, eta: 6:37:21, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1164, decode.acc_seg: 76.4673, aux.loss_ce: 0.0522, aux.acc_seg: 76.0095, loss: 0.1686 2022-03-01 12:04:36,143 - mmseg - INFO - Iter [93750/160000] lr: 8.281e-06, eta: 6:37:03, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1253, decode.acc_seg: 76.0727, aux.loss_ce: 0.0557, aux.acc_seg: 75.6787, loss: 0.1810 2022-03-01 12:04:53,920 - mmseg - INFO - Iter [93800/160000] lr: 8.275e-06, eta: 6:36:45, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 77.2621, aux.loss_ce: 0.0532, aux.acc_seg: 76.8537, loss: 0.1729 2022-03-01 12:05:11,781 - mmseg - INFO - Iter [93850/160000] lr: 8.269e-06, eta: 6:36:27, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1283, decode.acc_seg: 76.8929, aux.loss_ce: 0.0567, aux.acc_seg: 76.4823, loss: 0.1850 2022-03-01 12:05:29,428 - mmseg - INFO - Iter [93900/160000] lr: 8.263e-06, eta: 6:36:09, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1207, decode.acc_seg: 76.4115, aux.loss_ce: 0.0533, aux.acc_seg: 75.9539, loss: 0.1740 2022-03-01 12:05:47,096 - mmseg - INFO - Iter [93950/160000] lr: 8.256e-06, eta: 6:35:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1212, decode.acc_seg: 75.0793, aux.loss_ce: 0.0537, aux.acc_seg: 74.6966, loss: 0.1749 2022-03-01 12:06:04,856 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:06:04,856 - mmseg - INFO - Iter [94000/160000] lr: 8.250e-06, eta: 6:35:33, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1292, decode.acc_seg: 76.0892, aux.loss_ce: 0.0561, aux.acc_seg: 75.6676, loss: 0.1854 2022-03-01 12:06:22,683 - mmseg - INFO - Iter [94050/160000] lr: 8.244e-06, eta: 6:35:14, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1224, decode.acc_seg: 74.7510, aux.loss_ce: 0.0543, aux.acc_seg: 74.3108, loss: 0.1767 2022-03-01 12:06:40,627 - mmseg - INFO - Iter [94100/160000] lr: 8.238e-06, eta: 6:34:56, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1314, decode.acc_seg: 76.1390, aux.loss_ce: 0.0587, aux.acc_seg: 75.7050, loss: 0.1901 2022-03-01 12:06:58,718 - mmseg - INFO - Iter [94150/160000] lr: 8.231e-06, eta: 6:34:39, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1225, decode.acc_seg: 74.8699, aux.loss_ce: 0.0551, aux.acc_seg: 74.3875, loss: 0.1776 2022-03-01 12:07:16,673 - mmseg - INFO - Iter [94200/160000] lr: 8.225e-06, eta: 6:34:21, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1271, decode.acc_seg: 75.2387, aux.loss_ce: 0.0564, aux.acc_seg: 74.8935, loss: 0.1834 2022-03-01 12:07:34,417 - mmseg - INFO - Iter [94250/160000] lr: 8.219e-06, eta: 6:34:02, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1334, decode.acc_seg: 76.7581, aux.loss_ce: 0.0589, aux.acc_seg: 76.3432, loss: 0.1924 2022-03-01 12:07:52,415 - mmseg - INFO - Iter [94300/160000] lr: 8.213e-06, eta: 6:33:44, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1227, decode.acc_seg: 77.2573, aux.loss_ce: 0.0538, aux.acc_seg: 76.8865, loss: 0.1765 2022-03-01 12:08:10,169 - mmseg - INFO - Iter [94350/160000] lr: 8.206e-06, eta: 6:33:26, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1305, decode.acc_seg: 75.9442, aux.loss_ce: 0.0571, aux.acc_seg: 75.5491, loss: 0.1876 2022-03-01 12:08:27,964 - mmseg - INFO - Iter [94400/160000] lr: 8.200e-06, eta: 6:33:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1260, decode.acc_seg: 77.9279, aux.loss_ce: 0.0560, aux.acc_seg: 77.5160, loss: 0.1821 2022-03-01 12:08:45,896 - mmseg - INFO - Iter [94450/160000] lr: 8.194e-06, eta: 6:32:50, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1188, decode.acc_seg: 75.7738, aux.loss_ce: 0.0529, aux.acc_seg: 75.3578, loss: 0.1717 2022-03-01 12:09:03,709 - mmseg - INFO - Iter [94500/160000] lr: 8.188e-06, eta: 6:32:32, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1206, decode.acc_seg: 75.7628, aux.loss_ce: 0.0535, aux.acc_seg: 75.3389, loss: 0.1741 2022-03-01 12:09:21,505 - mmseg - INFO - Iter [94550/160000] lr: 8.181e-06, eta: 6:32:14, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1198, decode.acc_seg: 76.9867, aux.loss_ce: 0.0540, aux.acc_seg: 76.5128, loss: 0.1737 2022-03-01 12:09:39,164 - mmseg - INFO - Iter [94600/160000] lr: 8.175e-06, eta: 6:31:56, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1178, decode.acc_seg: 75.7612, aux.loss_ce: 0.0526, aux.acc_seg: 75.3279, loss: 0.1704 2022-03-01 12:09:56,953 - mmseg - INFO - Iter [94650/160000] lr: 8.169e-06, eta: 6:31:38, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1355, decode.acc_seg: 75.8330, aux.loss_ce: 0.0604, aux.acc_seg: 75.4247, loss: 0.1959 2022-03-01 12:10:14,719 - mmseg - INFO - Iter [94700/160000] lr: 8.163e-06, eta: 6:31:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1310, decode.acc_seg: 75.5074, aux.loss_ce: 0.0582, aux.acc_seg: 75.0639, loss: 0.1892 2022-03-01 12:10:34,954 - mmseg - INFO - Iter [94750/160000] lr: 8.156e-06, eta: 6:31:03, time: 0.405, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1206, decode.acc_seg: 77.8079, aux.loss_ce: 0.0534, aux.acc_seg: 77.3980, loss: 0.1740 2022-03-01 12:10:52,760 - mmseg - INFO - Iter [94800/160000] lr: 8.150e-06, eta: 6:30:45, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1215, decode.acc_seg: 76.2910, aux.loss_ce: 0.0547, aux.acc_seg: 75.8404, loss: 0.1762 2022-03-01 12:11:10,506 - mmseg - INFO - Iter [94850/160000] lr: 8.144e-06, eta: 6:30:27, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1364, decode.acc_seg: 76.4645, aux.loss_ce: 0.0604, aux.acc_seg: 76.0084, loss: 0.1967 2022-03-01 12:11:28,215 - mmseg - INFO - Iter [94900/160000] lr: 8.138e-06, eta: 6:30:09, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1245, decode.acc_seg: 76.7474, aux.loss_ce: 0.0553, aux.acc_seg: 76.3706, loss: 0.1798 2022-03-01 12:11:45,897 - mmseg - INFO - Iter [94950/160000] lr: 8.131e-06, eta: 6:29:51, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1221, decode.acc_seg: 76.7292, aux.loss_ce: 0.0542, aux.acc_seg: 76.3007, loss: 0.1762 2022-03-01 12:12:03,493 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:12:03,493 - mmseg - INFO - Iter [95000/160000] lr: 8.125e-06, eta: 6:29:32, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1299, decode.acc_seg: 76.1104, aux.loss_ce: 0.0578, aux.acc_seg: 75.6765, loss: 0.1877 2022-03-01 12:12:21,254 - mmseg - INFO - Iter [95050/160000] lr: 8.119e-06, eta: 6:29:14, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1165, decode.acc_seg: 76.2953, aux.loss_ce: 0.0524, aux.acc_seg: 75.8586, loss: 0.1689 2022-03-01 12:12:39,067 - mmseg - INFO - Iter [95100/160000] lr: 8.113e-06, eta: 6:28:56, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1174, decode.acc_seg: 76.0784, aux.loss_ce: 0.0522, aux.acc_seg: 75.6726, loss: 0.1697 2022-03-01 12:12:56,919 - mmseg - INFO - Iter [95150/160000] lr: 8.106e-06, eta: 6:28:38, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1204, decode.acc_seg: 76.2200, aux.loss_ce: 0.0536, aux.acc_seg: 75.7667, loss: 0.1739 2022-03-01 12:13:14,884 - mmseg - INFO - Iter [95200/160000] lr: 8.100e-06, eta: 6:28:20, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1184, decode.acc_seg: 75.6239, aux.loss_ce: 0.0532, aux.acc_seg: 75.2369, loss: 0.1716 2022-03-01 12:13:32,762 - mmseg - INFO - Iter [95250/160000] lr: 8.094e-06, eta: 6:28:02, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1255, decode.acc_seg: 76.9556, aux.loss_ce: 0.0557, aux.acc_seg: 76.5866, loss: 0.1811 2022-03-01 12:13:50,512 - mmseg - INFO - Iter [95300/160000] lr: 8.088e-06, eta: 6:27:44, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1146, decode.acc_seg: 76.1291, aux.loss_ce: 0.0512, aux.acc_seg: 75.7241, loss: 0.1657 2022-03-01 12:14:08,238 - mmseg - INFO - Iter [95350/160000] lr: 8.081e-06, eta: 6:27:26, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1220, decode.acc_seg: 76.7801, aux.loss_ce: 0.0543, aux.acc_seg: 76.3727, loss: 0.1764 2022-03-01 12:14:26,043 - mmseg - INFO - Iter [95400/160000] lr: 8.075e-06, eta: 6:27:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1247, decode.acc_seg: 75.6368, aux.loss_ce: 0.0557, aux.acc_seg: 75.2201, loss: 0.1805 2022-03-01 12:14:44,200 - mmseg - INFO - Iter [95450/160000] lr: 8.069e-06, eta: 6:26:50, time: 0.363, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1286, decode.acc_seg: 75.9660, aux.loss_ce: 0.0575, aux.acc_seg: 75.5388, loss: 0.1861 2022-03-01 12:15:01,938 - mmseg - INFO - Iter [95500/160000] lr: 8.063e-06, eta: 6:26:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1243, decode.acc_seg: 76.3396, aux.loss_ce: 0.0547, aux.acc_seg: 75.9588, loss: 0.1791 2022-03-01 12:15:19,807 - mmseg - INFO - Iter [95550/160000] lr: 8.056e-06, eta: 6:26:14, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1217, decode.acc_seg: 77.1761, aux.loss_ce: 0.0541, aux.acc_seg: 76.7412, loss: 0.1758 2022-03-01 12:15:37,632 - mmseg - INFO - Iter [95600/160000] lr: 8.050e-06, eta: 6:25:55, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1237, decode.acc_seg: 77.4227, aux.loss_ce: 0.0540, aux.acc_seg: 77.0942, loss: 0.1777 2022-03-01 12:15:55,222 - mmseg - INFO - Iter [95650/160000] lr: 8.044e-06, eta: 6:25:37, time: 0.352, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1216, decode.acc_seg: 77.4540, aux.loss_ce: 0.0540, aux.acc_seg: 77.0406, loss: 0.1756 2022-03-01 12:16:12,960 - mmseg - INFO - Iter [95700/160000] lr: 8.038e-06, eta: 6:25:19, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1221, decode.acc_seg: 76.8889, aux.loss_ce: 0.0547, aux.acc_seg: 76.5169, loss: 0.1769 2022-03-01 12:16:30,643 - mmseg - INFO - Iter [95750/160000] lr: 8.031e-06, eta: 6:25:01, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1173, decode.acc_seg: 76.7037, aux.loss_ce: 0.0524, aux.acc_seg: 76.2637, loss: 0.1698 2022-03-01 12:16:48,418 - mmseg - INFO - Iter [95800/160000] lr: 8.025e-06, eta: 6:24:43, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1285, decode.acc_seg: 76.5712, aux.loss_ce: 0.0575, aux.acc_seg: 76.1731, loss: 0.1860 2022-03-01 12:17:06,322 - mmseg - INFO - Iter [95850/160000] lr: 8.019e-06, eta: 6:24:25, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 77.0939, aux.loss_ce: 0.0530, aux.acc_seg: 76.7207, loss: 0.1727 2022-03-01 12:17:24,074 - mmseg - INFO - Iter [95900/160000] lr: 8.013e-06, eta: 6:24:07, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1281, decode.acc_seg: 76.2500, aux.loss_ce: 0.0571, aux.acc_seg: 75.7845, loss: 0.1852 2022-03-01 12:17:41,997 - mmseg - INFO - Iter [95950/160000] lr: 8.006e-06, eta: 6:23:49, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1205, decode.acc_seg: 76.4710, aux.loss_ce: 0.0534, aux.acc_seg: 76.0499, loss: 0.1739 2022-03-01 12:18:01,845 - mmseg - INFO - Saving checkpoint at 96000 iterations 2022-03-01 12:18:09,601 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:18:09,602 - mmseg - INFO - Iter [96000/160000] lr: 8.000e-06, eta: 6:23:37, time: 0.552, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1232, decode.acc_seg: 76.7127, aux.loss_ce: 0.0553, aux.acc_seg: 76.2794, loss: 0.1785 2022-03-01 12:18:37,971 - mmseg - INFO - per class results: 2022-03-01 12:18:37,977 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.4 | 87.9 | | building | 83.27 | 93.45 | | sky | 94.74 | 97.43 | | floor | 82.1 | 91.57 | | tree | 75.44 | 88.85 | | ceiling | 85.74 | 94.89 | | road | 84.49 | 91.72 | | bed | 91.47 | 96.77 | | windowpane | 62.78 | 79.15 | | grass | 65.08 | 81.47 | | cabinet | 66.13 | 80.07 | | sidewalk | 68.82 | 83.82 | | person | 83.0 | 91.49 | | earth | 36.57 | 50.93 | | door | 49.94 | 62.74 | | table | 63.93 | 75.49 | | mountain | 57.26 | 70.58 | | plant | 50.5 | 60.64 | | curtain | 74.86 | 88.19 | | chair | 62.15 | 76.34 | | car | 86.03 | 93.53 | | water | 59.65 | 78.19 | | painting | 76.23 | 89.8 | | sofa | 71.84 | 88.2 | | shelf | 44.41 | 62.71 | | house | 50.1 | 60.2 | | sea | 61.43 | 75.51 | | mirror | 71.07 | 79.54 | | rug | 58.62 | 69.26 | | field | 27.93 | 45.26 | | armchair | 48.89 | 64.75 | | seat | 58.71 | 89.35 | | fence | 49.61 | 66.95 | | desk | 56.19 | 73.02 | | rock | 43.01 | 61.42 | | wardrobe | 53.2 | 65.63 | | lamp | 68.23 | 78.19 | | bathtub | 81.4 | 87.13 | | railing | 40.11 | 54.62 | | cushion | 62.46 | 76.59 | | base | 30.53 | 51.4 | | box | 30.45 | 40.87 | | column | 49.01 | 63.62 | | signboard | 38.9 | 52.42 | | chest of drawers | 42.85 | 55.01 | | counter | 26.76 | 32.77 | | sand | 54.39 | 76.73 | | sink | 79.47 | 86.52 | | skyscraper | 46.27 | 57.51 | | fireplace | 78.85 | 93.13 | | refrigerator | 82.08 | 91.31 | | grandstand | 48.84 | 80.47 | | path | 31.19 | 42.5 | | stairs | 28.11 | 36.81 | | runway | 66.04 | 85.65 | | case | 49.19 | 59.67 | | pool table | 94.17 | 97.59 | | pillow | 57.68 | 64.65 | | screen door | 64.44 | 67.17 | | stairway | 32.72 | 41.7 | | river | 14.29 | 29.39 | | bridge | 74.45 | 82.55 | | bookcase | 41.88 | 55.76 | | blind | 42.41 | 46.27 | | coffee table | 57.59 | 81.39 | | toilet | 87.79 | 92.42 | | flower | 44.16 | 60.8 | | book | 51.21 | 79.06 | | hill | 12.96 | 22.52 | | bench | 46.88 | 56.18 | | countertop | 61.67 | 83.01 | | stove | 81.88 | 86.25 | | palm | 54.79 | 78.57 | | kitchen island | 39.03 | 79.53 | | computer | 79.5 | 92.34 | | swivel chair | 40.23 | 54.68 | | boat | 60.34 | 70.15 | | bar | 53.88 | 68.82 | | arcade machine | 70.04 | 75.22 | | hovel | 14.14 | 14.99 | | bus | 90.93 | 96.53 | | towel | 67.14 | 81.27 | | light | 55.34 | 63.79 | | truck | 33.82 | 40.97 | | tower | 6.87 | 13.32 | | chandelier | 69.33 | 83.71 | | awning | 34.35 | 47.67 | | streetlight | 33.73 | 45.58 | | booth | 59.62 | 68.92 | | television receiver | 74.35 | 84.07 | | airplane | 72.69 | 79.37 | | dirt track | 0.97 | 3.06 | | apparel | 32.35 | 42.84 | | pole | 29.66 | 41.08 | | land | 1.97 | 2.77 | | bannister | 17.82 | 23.34 | | escalator | 49.21 | 67.07 | | ottoman | 50.64 | 69.62 | | bottle | 37.13 | 56.96 | | buffet | 53.34 | 60.91 | | poster | 32.97 | 39.92 | | stage | 20.55 | 26.08 | | van | 46.05 | 59.47 | | ship | 62.12 | 77.35 | | fountain | 27.82 | 28.17 | | conveyer belt | 79.0 | 90.3 | | canopy | 41.23 | 50.1 | | washer | 85.65 | 89.88 | | plaything | 27.53 | 37.32 | | swimming pool | 78.07 | 80.08 | | stool | 50.72 | 67.01 | | barrel | 53.33 | 74.02 | | basket | 43.05 | 58.88 | | waterfall | 54.76 | 60.6 | | tent | 81.76 | 98.44 | | bag | 17.78 | 23.5 | | minibike | 72.06 | 87.37 | | cradle | 79.42 | 97.38 | | oven | 48.9 | 61.26 | | ball | 48.35 | 50.99 | | food | 57.89 | 64.4 | | step | 7.69 | 9.04 | | tank | 61.87 | 66.44 | | trade name | 28.72 | 33.65 | | microwave | 86.81 | 93.81 | | pot | 49.41 | 58.57 | | animal | 53.59 | 54.52 | | bicycle | 58.63 | 76.08 | | lake | 53.21 | 63.51 | | dishwasher | 65.33 | 70.91 | | screen | 56.62 | 72.39 | | blanket | 20.26 | 23.46 | | sculpture | 66.13 | 86.77 | | hood | 61.84 | 65.73 | | sconce | 45.88 | 52.53 | | vase | 40.82 | 63.16 | | traffic light | 34.26 | 55.04 | | tray | 21.18 | 37.52 | | ashcan | 40.69 | 56.34 | | fan | 66.99 | 81.56 | | pier | 32.98 | 44.69 | | crt screen | 4.46 | 9.95 | | plate | 56.28 | 70.91 | | monitor | 41.04 | 47.9 | | bulletin board | 40.78 | 48.74 | | shower | 8.39 | 8.77 | | radiator | 68.11 | 76.84 | | glass | 15.68 | 16.44 | | clock | 42.36 | 47.89 | | flag | 61.53 | 65.87 | +---------------------+-------+-------+ 2022-03-01 12:18:37,978 - mmseg - INFO - Summary: 2022-03-01 12:18:37,978 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 84.23 | 52.8 | 64.3 | +-------+------+------+ 2022-03-01 12:18:37,984 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:18:37,985 - mmseg - INFO - Iter(val) [250] aAcc: 0.8423, mIoU: 0.5280, mAcc: 0.6430, IoU.wall: 0.7940, IoU.building: 0.8327, IoU.sky: 0.9474, IoU.floor: 0.8210, IoU.tree: 0.7544, IoU.ceiling: 0.8574, IoU.road: 0.8449, IoU.bed : 0.9147, IoU.windowpane: 0.6278, IoU.grass: 0.6508, IoU.cabinet: 0.6613, IoU.sidewalk: 0.6882, IoU.person: 0.8300, IoU.earth: 0.3657, IoU.door: 0.4994, IoU.table: 0.6393, IoU.mountain: 0.5726, IoU.plant: 0.5050, IoU.curtain: 0.7486, IoU.chair: 0.6215, IoU.car: 0.8603, IoU.water: 0.5965, IoU.painting: 0.7623, IoU.sofa: 0.7184, IoU.shelf: 0.4441, IoU.house: 0.5010, IoU.sea: 0.6143, IoU.mirror: 0.7107, IoU.rug: 0.5862, IoU.field: 0.2793, IoU.armchair: 0.4889, IoU.seat: 0.5871, IoU.fence: 0.4961, IoU.desk: 0.5619, IoU.rock: 0.4301, IoU.wardrobe: 0.5320, IoU.lamp: 0.6823, IoU.bathtub: 0.8140, IoU.railing: 0.4011, IoU.cushion: 0.6246, IoU.base: 0.3053, IoU.box: 0.3045, IoU.column: 0.4901, IoU.signboard: 0.3890, IoU.chest of drawers: 0.4285, IoU.counter: 0.2676, IoU.sand: 0.5439, IoU.sink: 0.7947, IoU.skyscraper: 0.4627, IoU.fireplace: 0.7885, IoU.refrigerator: 0.8208, IoU.grandstand: 0.4884, IoU.path: 0.3119, IoU.stairs: 0.2811, IoU.runway: 0.6604, IoU.case: 0.4919, IoU.pool table: 0.9417, IoU.pillow: 0.5768, IoU.screen door: 0.6444, IoU.stairway: 0.3272, IoU.river: 0.1429, IoU.bridge: 0.7445, IoU.bookcase: 0.4188, IoU.blind: 0.4241, IoU.coffee table: 0.5759, IoU.toilet: 0.8779, IoU.flower: 0.4416, IoU.book: 0.5121, IoU.hill: 0.1296, IoU.bench: 0.4688, IoU.countertop: 0.6167, IoU.stove: 0.8188, IoU.palm: 0.5479, IoU.kitchen island: 0.3903, IoU.computer: 0.7950, IoU.swivel chair: 0.4023, IoU.boat: 0.6034, IoU.bar: 0.5388, IoU.arcade machine: 0.7004, IoU.hovel: 0.1414, IoU.bus: 0.9093, IoU.towel: 0.6714, IoU.light: 0.5534, IoU.truck: 0.3382, IoU.tower: 0.0687, IoU.chandelier: 0.6933, IoU.awning: 0.3435, IoU.streetlight: 0.3373, IoU.booth: 0.5962, IoU.television receiver: 0.7435, IoU.airplane: 0.7269, IoU.dirt track: 0.0097, IoU.apparel: 0.3235, IoU.pole: 0.2966, IoU.land: 0.0197, IoU.bannister: 0.1782, IoU.escalator: 0.4921, IoU.ottoman: 0.5064, IoU.bottle: 0.3713, IoU.buffet: 0.5334, IoU.poster: 0.3297, IoU.stage: 0.2055, IoU.van: 0.4605, IoU.ship: 0.6212, IoU.fountain: 0.2782, IoU.conveyer belt: 0.7900, IoU.canopy: 0.4123, IoU.washer: 0.8565, IoU.plaything: 0.2753, IoU.swimming pool: 0.7807, IoU.stool: 0.5072, IoU.barrel: 0.5333, IoU.basket: 0.4305, IoU.waterfall: 0.5476, IoU.tent: 0.8176, IoU.bag: 0.1778, IoU.minibike: 0.7206, IoU.cradle: 0.7942, IoU.oven: 0.4890, IoU.ball: 0.4835, IoU.food: 0.5789, IoU.step: 0.0769, IoU.tank: 0.6187, IoU.trade name: 0.2872, IoU.microwave: 0.8681, IoU.pot: 0.4941, IoU.animal: 0.5359, IoU.bicycle: 0.5863, IoU.lake: 0.5321, IoU.dishwasher: 0.6533, IoU.screen: 0.5662, IoU.blanket: 0.2026, IoU.sculpture: 0.6613, IoU.hood: 0.6184, IoU.sconce: 0.4588, IoU.vase: 0.4082, IoU.traffic light: 0.3426, IoU.tray: 0.2118, IoU.ashcan: 0.4069, IoU.fan: 0.6699, IoU.pier: 0.3298, IoU.crt screen: 0.0446, IoU.plate: 0.5628, IoU.monitor: 0.4104, IoU.bulletin board: 0.4078, IoU.shower: 0.0839, IoU.radiator: 0.6811, IoU.glass: 0.1568, IoU.clock: 0.4236, IoU.flag: 0.6153, Acc.wall: 0.8790, Acc.building: 0.9345, Acc.sky: 0.9743, Acc.floor: 0.9157, Acc.tree: 0.8885, Acc.ceiling: 0.9489, Acc.road: 0.9172, Acc.bed : 0.9677, Acc.windowpane: 0.7915, Acc.grass: 0.8147, Acc.cabinet: 0.8007, Acc.sidewalk: 0.8382, Acc.person: 0.9149, Acc.earth: 0.5093, Acc.door: 0.6274, Acc.table: 0.7549, Acc.mountain: 0.7058, Acc.plant: 0.6064, Acc.curtain: 0.8819, Acc.chair: 0.7634, Acc.car: 0.9353, Acc.water: 0.7819, Acc.painting: 0.8980, Acc.sofa: 0.8820, Acc.shelf: 0.6271, Acc.house: 0.6020, Acc.sea: 0.7551, Acc.mirror: 0.7954, Acc.rug: 0.6926, Acc.field: 0.4526, Acc.armchair: 0.6475, Acc.seat: 0.8935, Acc.fence: 0.6695, Acc.desk: 0.7302, Acc.rock: 0.6142, Acc.wardrobe: 0.6563, Acc.lamp: 0.7819, Acc.bathtub: 0.8713, Acc.railing: 0.5462, Acc.cushion: 0.7659, Acc.base: 0.5140, Acc.box: 0.4087, Acc.column: 0.6362, Acc.signboard: 0.5242, Acc.chest of drawers: 0.5501, Acc.counter: 0.3277, Acc.sand: 0.7673, Acc.sink: 0.8652, Acc.skyscraper: 0.5751, Acc.fireplace: 0.9313, Acc.refrigerator: 0.9131, Acc.grandstand: 0.8047, Acc.path: 0.4250, Acc.stairs: 0.3681, Acc.runway: 0.8565, Acc.case: 0.5967, Acc.pool table: 0.9759, Acc.pillow: 0.6465, Acc.screen door: 0.6717, Acc.stairway: 0.4170, Acc.river: 0.2939, Acc.bridge: 0.8255, Acc.bookcase: 0.5576, Acc.blind: 0.4627, Acc.coffee table: 0.8139, Acc.toilet: 0.9242, Acc.flower: 0.6080, Acc.book: 0.7906, Acc.hill: 0.2252, Acc.bench: 0.5618, Acc.countertop: 0.8301, Acc.stove: 0.8625, Acc.palm: 0.7857, Acc.kitchen island: 0.7953, Acc.computer: 0.9234, Acc.swivel chair: 0.5468, Acc.boat: 0.7015, Acc.bar: 0.6882, Acc.arcade machine: 0.7522, Acc.hovel: 0.1499, Acc.bus: 0.9653, Acc.towel: 0.8127, Acc.light: 0.6379, Acc.truck: 0.4097, Acc.tower: 0.1332, Acc.chandelier: 0.8371, Acc.awning: 0.4767, Acc.streetlight: 0.4558, Acc.booth: 0.6892, Acc.television receiver: 0.8407, Acc.airplane: 0.7937, Acc.dirt track: 0.0306, Acc.apparel: 0.4284, Acc.pole: 0.4108, Acc.land: 0.0277, Acc.bannister: 0.2334, Acc.escalator: 0.6707, Acc.ottoman: 0.6962, Acc.bottle: 0.5696, Acc.buffet: 0.6091, Acc.poster: 0.3992, Acc.stage: 0.2608, Acc.van: 0.5947, Acc.ship: 0.7735, Acc.fountain: 0.2817, Acc.conveyer belt: 0.9030, Acc.canopy: 0.5010, Acc.washer: 0.8988, Acc.plaything: 0.3732, Acc.swimming pool: 0.8008, Acc.stool: 0.6701, Acc.barrel: 0.7402, Acc.basket: 0.5888, Acc.waterfall: 0.6060, Acc.tent: 0.9844, Acc.bag: 0.2350, Acc.minibike: 0.8737, Acc.cradle: 0.9738, Acc.oven: 0.6126, Acc.ball: 0.5099, Acc.food: 0.6440, Acc.step: 0.0904, Acc.tank: 0.6644, Acc.trade name: 0.3365, Acc.microwave: 0.9381, Acc.pot: 0.5857, Acc.animal: 0.5452, Acc.bicycle: 0.7608, Acc.lake: 0.6351, Acc.dishwasher: 0.7091, Acc.screen: 0.7239, Acc.blanket: 0.2346, Acc.sculpture: 0.8677, Acc.hood: 0.6573, Acc.sconce: 0.5253, Acc.vase: 0.6316, Acc.traffic light: 0.5504, Acc.tray: 0.3752, Acc.ashcan: 0.5634, Acc.fan: 0.8156, Acc.pier: 0.4469, Acc.crt screen: 0.0995, Acc.plate: 0.7091, Acc.monitor: 0.4790, Acc.bulletin board: 0.4874, Acc.shower: 0.0877, Acc.radiator: 0.7684, Acc.glass: 0.1644, Acc.clock: 0.4789, Acc.flag: 0.6587 2022-03-01 12:18:55,694 - mmseg - INFO - Iter [96050/160000] lr: 7.994e-06, eta: 6:23:38, time: 0.922, data_time: 0.573, memory: 49013, decode.loss_ce: 0.1202, decode.acc_seg: 77.6991, aux.loss_ce: 0.0531, aux.acc_seg: 77.3437, loss: 0.1733 2022-03-01 12:19:13,480 - mmseg - INFO - Iter [96100/160000] lr: 7.988e-06, eta: 6:23:20, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1251, decode.acc_seg: 76.6694, aux.loss_ce: 0.0552, aux.acc_seg: 76.2818, loss: 0.1804 2022-03-01 12:19:31,392 - mmseg - INFO - Iter [96150/160000] lr: 7.981e-06, eta: 6:23:02, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1192, decode.acc_seg: 75.5885, aux.loss_ce: 0.0531, aux.acc_seg: 75.1956, loss: 0.1723 2022-03-01 12:19:49,265 - mmseg - INFO - Iter [96200/160000] lr: 7.975e-06, eta: 6:22:44, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1233, decode.acc_seg: 76.3861, aux.loss_ce: 0.0550, aux.acc_seg: 75.9198, loss: 0.1784 2022-03-01 12:20:07,145 - mmseg - INFO - Iter [96250/160000] lr: 7.969e-06, eta: 6:22:25, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1181, decode.acc_seg: 76.7520, aux.loss_ce: 0.0526, aux.acc_seg: 76.3429, loss: 0.1707 2022-03-01 12:20:24,967 - mmseg - INFO - Iter [96300/160000] lr: 7.963e-06, eta: 6:22:07, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1189, decode.acc_seg: 76.4559, aux.loss_ce: 0.0531, aux.acc_seg: 76.0763, loss: 0.1720 2022-03-01 12:20:42,884 - mmseg - INFO - Iter [96350/160000] lr: 7.956e-06, eta: 6:21:49, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1246, decode.acc_seg: 76.0482, aux.loss_ce: 0.0553, aux.acc_seg: 75.6681, loss: 0.1799 2022-03-01 12:21:00,602 - mmseg - INFO - Iter [96400/160000] lr: 7.950e-06, eta: 6:21:31, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1218, decode.acc_seg: 77.6437, aux.loss_ce: 0.0549, aux.acc_seg: 77.1505, loss: 0.1767 2022-03-01 12:21:18,285 - mmseg - INFO - Iter [96450/160000] lr: 7.944e-06, eta: 6:21:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1231, decode.acc_seg: 76.1080, aux.loss_ce: 0.0542, aux.acc_seg: 75.7622, loss: 0.1774 2022-03-01 12:21:36,015 - mmseg - INFO - Iter [96500/160000] lr: 7.938e-06, eta: 6:20:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1183, decode.acc_seg: 76.4713, aux.loss_ce: 0.0529, aux.acc_seg: 76.0842, loss: 0.1713 2022-03-01 12:21:53,844 - mmseg - INFO - Iter [96550/160000] lr: 7.931e-06, eta: 6:20:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1178, decode.acc_seg: 76.5357, aux.loss_ce: 0.0521, aux.acc_seg: 76.1798, loss: 0.1699 2022-03-01 12:22:11,597 - mmseg - INFO - Iter [96600/160000] lr: 7.925e-06, eta: 6:20:18, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1128, decode.acc_seg: 75.5838, aux.loss_ce: 0.0509, aux.acc_seg: 75.1603, loss: 0.1637 2022-03-01 12:22:29,460 - mmseg - INFO - Iter [96650/160000] lr: 7.919e-06, eta: 6:20:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1248, decode.acc_seg: 75.5045, aux.loss_ce: 0.0553, aux.acc_seg: 75.0877, loss: 0.1801 2022-03-01 12:22:47,223 - mmseg - INFO - Iter [96700/160000] lr: 7.913e-06, eta: 6:19:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1180, decode.acc_seg: 75.8447, aux.loss_ce: 0.0523, aux.acc_seg: 75.4932, loss: 0.1704 2022-03-01 12:23:04,988 - mmseg - INFO - Iter [96750/160000] lr: 7.906e-06, eta: 6:19:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1150, decode.acc_seg: 77.2868, aux.loss_ce: 0.0510, aux.acc_seg: 76.8940, loss: 0.1661 2022-03-01 12:23:22,737 - mmseg - INFO - Iter [96800/160000] lr: 7.900e-06, eta: 6:19:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1145, decode.acc_seg: 76.5117, aux.loss_ce: 0.0514, aux.acc_seg: 76.1033, loss: 0.1658 2022-03-01 12:23:40,375 - mmseg - INFO - Iter [96850/160000] lr: 7.894e-06, eta: 6:18:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1234, decode.acc_seg: 75.7514, aux.loss_ce: 0.0548, aux.acc_seg: 75.3186, loss: 0.1782 2022-03-01 12:23:57,987 - mmseg - INFO - Iter [96900/160000] lr: 7.888e-06, eta: 6:18:29, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1267, decode.acc_seg: 76.0911, aux.loss_ce: 0.0564, aux.acc_seg: 75.6812, loss: 0.1831 2022-03-01 12:24:15,675 - mmseg - INFO - Iter [96950/160000] lr: 7.881e-06, eta: 6:18:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1192, decode.acc_seg: 77.7863, aux.loss_ce: 0.0529, aux.acc_seg: 77.3834, loss: 0.1721 2022-03-01 12:24:33,291 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:24:33,292 - mmseg - INFO - Iter [97000/160000] lr: 7.875e-06, eta: 6:17:53, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1222, decode.acc_seg: 77.0908, aux.loss_ce: 0.0548, aux.acc_seg: 76.6865, loss: 0.1770 2022-03-01 12:24:50,874 - mmseg - INFO - Iter [97050/160000] lr: 7.869e-06, eta: 6:17:35, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1204, decode.acc_seg: 75.9368, aux.loss_ce: 0.0541, aux.acc_seg: 75.4832, loss: 0.1746 2022-03-01 12:25:08,576 - mmseg - INFO - Iter [97100/160000] lr: 7.863e-06, eta: 6:17:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1298, decode.acc_seg: 77.3753, aux.loss_ce: 0.0570, aux.acc_seg: 76.9520, loss: 0.1868 2022-03-01 12:25:26,360 - mmseg - INFO - Iter [97150/160000] lr: 7.856e-06, eta: 6:16:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1203, decode.acc_seg: 76.1695, aux.loss_ce: 0.0537, aux.acc_seg: 75.7600, loss: 0.1740 2022-03-01 12:25:43,981 - mmseg - INFO - Iter [97200/160000] lr: 7.850e-06, eta: 6:16:40, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1200, decode.acc_seg: 76.4993, aux.loss_ce: 0.0536, aux.acc_seg: 76.0841, loss: 0.1736 2022-03-01 12:26:01,695 - mmseg - INFO - Iter [97250/160000] lr: 7.844e-06, eta: 6:16:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1261, decode.acc_seg: 78.8876, aux.loss_ce: 0.0559, aux.acc_seg: 78.4662, loss: 0.1820 2022-03-01 12:26:21,897 - mmseg - INFO - Iter [97300/160000] lr: 7.838e-06, eta: 6:16:05, time: 0.404, data_time: 0.048, memory: 49013, decode.loss_ce: 0.1169, decode.acc_seg: 76.8819, aux.loss_ce: 0.0520, aux.acc_seg: 76.4974, loss: 0.1689 2022-03-01 12:26:39,749 - mmseg - INFO - Iter [97350/160000] lr: 7.831e-06, eta: 6:15:47, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1215, decode.acc_seg: 76.5737, aux.loss_ce: 0.0539, aux.acc_seg: 76.1642, loss: 0.1754 2022-03-01 12:26:57,513 - mmseg - INFO - Iter [97400/160000] lr: 7.825e-06, eta: 6:15:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1251, decode.acc_seg: 76.3963, aux.loss_ce: 0.0558, aux.acc_seg: 75.9569, loss: 0.1809 2022-03-01 12:27:15,221 - mmseg - INFO - Iter [97450/160000] lr: 7.819e-06, eta: 6:15:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1154, decode.acc_seg: 75.4894, aux.loss_ce: 0.0517, aux.acc_seg: 75.0428, loss: 0.1671 2022-03-01 12:27:33,125 - mmseg - INFO - Iter [97500/160000] lr: 7.813e-06, eta: 6:14:53, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1212, decode.acc_seg: 77.3914, aux.loss_ce: 0.0541, aux.acc_seg: 76.9665, loss: 0.1753 2022-03-01 12:27:50,986 - mmseg - INFO - Iter [97550/160000] lr: 7.806e-06, eta: 6:14:35, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1295, decode.acc_seg: 77.1269, aux.loss_ce: 0.0574, aux.acc_seg: 76.7392, loss: 0.1869 2022-03-01 12:28:08,822 - mmseg - INFO - Iter [97600/160000] lr: 7.800e-06, eta: 6:14:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1210, decode.acc_seg: 75.8590, aux.loss_ce: 0.0537, aux.acc_seg: 75.4228, loss: 0.1747 2022-03-01 12:28:26,564 - mmseg - INFO - Iter [97650/160000] lr: 7.794e-06, eta: 6:13:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1224, decode.acc_seg: 75.8760, aux.loss_ce: 0.0545, aux.acc_seg: 75.4310, loss: 0.1769 2022-03-01 12:28:44,333 - mmseg - INFO - Iter [97700/160000] lr: 7.788e-06, eta: 6:13:40, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1194, decode.acc_seg: 77.4399, aux.loss_ce: 0.0534, aux.acc_seg: 77.0194, loss: 0.1727 2022-03-01 12:29:02,058 - mmseg - INFO - Iter [97750/160000] lr: 7.781e-06, eta: 6:13:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1186, decode.acc_seg: 76.7711, aux.loss_ce: 0.0527, aux.acc_seg: 76.4000, loss: 0.1714 2022-03-01 12:29:20,038 - mmseg - INFO - Iter [97800/160000] lr: 7.775e-06, eta: 6:13:04, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1221, decode.acc_seg: 77.1717, aux.loss_ce: 0.0546, aux.acc_seg: 76.7345, loss: 0.1767 2022-03-01 12:29:37,923 - mmseg - INFO - Iter [97850/160000] lr: 7.769e-06, eta: 6:12:46, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1175, decode.acc_seg: 76.9445, aux.loss_ce: 0.0521, aux.acc_seg: 76.5595, loss: 0.1696 2022-03-01 12:29:55,666 - mmseg - INFO - Iter [97900/160000] lr: 7.763e-06, eta: 6:12:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1157, decode.acc_seg: 76.8818, aux.loss_ce: 0.0513, aux.acc_seg: 76.4874, loss: 0.1670 2022-03-01 12:30:13,366 - mmseg - INFO - Iter [97950/160000] lr: 7.756e-06, eta: 6:12:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1207, decode.acc_seg: 76.1891, aux.loss_ce: 0.0537, aux.acc_seg: 75.7584, loss: 0.1744 2022-03-01 12:30:31,093 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:30:31,093 - mmseg - INFO - Iter [98000/160000] lr: 7.750e-06, eta: 6:11:52, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1213, decode.acc_seg: 76.9999, aux.loss_ce: 0.0540, aux.acc_seg: 76.5847, loss: 0.1753 2022-03-01 12:30:49,083 - mmseg - INFO - Iter [98050/160000] lr: 7.744e-06, eta: 6:11:34, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1255, decode.acc_seg: 78.1099, aux.loss_ce: 0.0559, aux.acc_seg: 77.6405, loss: 0.1814 2022-03-01 12:31:07,065 - mmseg - INFO - Iter [98100/160000] lr: 7.738e-06, eta: 6:11:16, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1267, decode.acc_seg: 76.2541, aux.loss_ce: 0.0559, aux.acc_seg: 75.8334, loss: 0.1826 2022-03-01 12:31:24,877 - mmseg - INFO - Iter [98150/160000] lr: 7.731e-06, eta: 6:10:58, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1234, decode.acc_seg: 77.2712, aux.loss_ce: 0.0543, aux.acc_seg: 76.9175, loss: 0.1776 2022-03-01 12:31:42,703 - mmseg - INFO - Iter [98200/160000] lr: 7.725e-06, eta: 6:10:40, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1315, decode.acc_seg: 77.0312, aux.loss_ce: 0.0580, aux.acc_seg: 76.6095, loss: 0.1895 2022-03-01 12:32:00,595 - mmseg - INFO - Iter [98250/160000] lr: 7.719e-06, eta: 6:10:22, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1245, decode.acc_seg: 77.0481, aux.loss_ce: 0.0556, aux.acc_seg: 76.6506, loss: 0.1801 2022-03-01 12:32:18,416 - mmseg - INFO - Iter [98300/160000] lr: 7.713e-06, eta: 6:10:03, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1254, decode.acc_seg: 77.2088, aux.loss_ce: 0.0559, aux.acc_seg: 76.7963, loss: 0.1813 2022-03-01 12:32:36,369 - mmseg - INFO - Iter [98350/160000] lr: 7.706e-06, eta: 6:09:45, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1324, decode.acc_seg: 77.4746, aux.loss_ce: 0.0589, aux.acc_seg: 77.0420, loss: 0.1912 2022-03-01 12:32:54,197 - mmseg - INFO - Iter [98400/160000] lr: 7.700e-06, eta: 6:09:27, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1225, decode.acc_seg: 76.9270, aux.loss_ce: 0.0542, aux.acc_seg: 76.5528, loss: 0.1767 2022-03-01 12:33:12,085 - mmseg - INFO - Iter [98450/160000] lr: 7.694e-06, eta: 6:09:09, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1131, decode.acc_seg: 77.2247, aux.loss_ce: 0.0509, aux.acc_seg: 76.7792, loss: 0.1640 2022-03-01 12:33:29,881 - mmseg - INFO - Iter [98500/160000] lr: 7.688e-06, eta: 6:08:51, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1198, decode.acc_seg: 73.7984, aux.loss_ce: 0.0531, aux.acc_seg: 73.4052, loss: 0.1729 2022-03-01 12:33:50,175 - mmseg - INFO - Iter [98550/160000] lr: 7.681e-06, eta: 6:08:35, time: 0.406, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1181, decode.acc_seg: 76.5472, aux.loss_ce: 0.0527, aux.acc_seg: 76.1311, loss: 0.1708 2022-03-01 12:34:08,121 - mmseg - INFO - Iter [98600/160000] lr: 7.675e-06, eta: 6:08:17, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.1980, aux.loss_ce: 0.0537, aux.acc_seg: 75.7741, loss: 0.1734 2022-03-01 12:34:25,894 - mmseg - INFO - Iter [98650/160000] lr: 7.669e-06, eta: 6:07:58, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1139, decode.acc_seg: 76.9628, aux.loss_ce: 0.0510, aux.acc_seg: 76.5550, loss: 0.1650 2022-03-01 12:34:43,636 - mmseg - INFO - Iter [98700/160000] lr: 7.663e-06, eta: 6:07:40, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1200, decode.acc_seg: 76.6882, aux.loss_ce: 0.0542, aux.acc_seg: 76.2877, loss: 0.1742 2022-03-01 12:35:01,400 - mmseg - INFO - Iter [98750/160000] lr: 7.656e-06, eta: 6:07:22, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1251, decode.acc_seg: 75.5311, aux.loss_ce: 0.0551, aux.acc_seg: 75.1750, loss: 0.1802 2022-03-01 12:35:19,100 - mmseg - INFO - Iter [98800/160000] lr: 7.650e-06, eta: 6:07:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1267, decode.acc_seg: 76.1369, aux.loss_ce: 0.0562, aux.acc_seg: 75.6832, loss: 0.1829 2022-03-01 12:35:36,769 - mmseg - INFO - Iter [98850/160000] lr: 7.644e-06, eta: 6:06:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1154, decode.acc_seg: 76.3958, aux.loss_ce: 0.0519, aux.acc_seg: 75.9811, loss: 0.1672 2022-03-01 12:35:54,596 - mmseg - INFO - Iter [98900/160000] lr: 7.638e-06, eta: 6:06:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1185, decode.acc_seg: 76.1397, aux.loss_ce: 0.0528, aux.acc_seg: 75.7069, loss: 0.1713 2022-03-01 12:36:12,482 - mmseg - INFO - Iter [98950/160000] lr: 7.631e-06, eta: 6:06:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1248, decode.acc_seg: 76.9017, aux.loss_ce: 0.0562, aux.acc_seg: 76.3921, loss: 0.1810 2022-03-01 12:36:30,193 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:36:30,193 - mmseg - INFO - Iter [99000/160000] lr: 7.625e-06, eta: 6:05:51, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1199, decode.acc_seg: 76.9466, aux.loss_ce: 0.0530, aux.acc_seg: 76.5464, loss: 0.1730 2022-03-01 12:36:47,900 - mmseg - INFO - Iter [99050/160000] lr: 7.619e-06, eta: 6:05:33, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1191, decode.acc_seg: 75.7196, aux.loss_ce: 0.0533, aux.acc_seg: 75.2586, loss: 0.1724 2022-03-01 12:37:05,652 - mmseg - INFO - Iter [99100/160000] lr: 7.613e-06, eta: 6:05:15, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1153, decode.acc_seg: 77.2703, aux.loss_ce: 0.0514, aux.acc_seg: 76.8489, loss: 0.1668 2022-03-01 12:37:23,353 - mmseg - INFO - Iter [99150/160000] lr: 7.606e-06, eta: 6:04:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1225, decode.acc_seg: 77.2839, aux.loss_ce: 0.0551, aux.acc_seg: 76.8759, loss: 0.1775 2022-03-01 12:37:41,024 - mmseg - INFO - Iter [99200/160000] lr: 7.600e-06, eta: 6:04:39, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1148, decode.acc_seg: 75.8135, aux.loss_ce: 0.0513, aux.acc_seg: 75.4404, loss: 0.1661 2022-03-01 12:37:58,860 - mmseg - INFO - Iter [99250/160000] lr: 7.594e-06, eta: 6:04:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1226, decode.acc_seg: 77.2954, aux.loss_ce: 0.0545, aux.acc_seg: 76.9118, loss: 0.1772 2022-03-01 12:38:16,677 - mmseg - INFO - Iter [99300/160000] lr: 7.588e-06, eta: 6:04:03, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1206, decode.acc_seg: 76.3578, aux.loss_ce: 0.0535, aux.acc_seg: 75.9519, loss: 0.1741 2022-03-01 12:38:34,326 - mmseg - INFO - Iter [99350/160000] lr: 7.581e-06, eta: 6:03:44, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1108, decode.acc_seg: 75.7640, aux.loss_ce: 0.0498, aux.acc_seg: 75.3451, loss: 0.1606 2022-03-01 12:38:52,089 - mmseg - INFO - Iter [99400/160000] lr: 7.575e-06, eta: 6:03:26, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1259, decode.acc_seg: 76.8221, aux.loss_ce: 0.0558, aux.acc_seg: 76.4415, loss: 0.1817 2022-03-01 12:39:10,046 - mmseg - INFO - Iter [99450/160000] lr: 7.569e-06, eta: 6:03:08, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 77.7421, aux.loss_ce: 0.0513, aux.acc_seg: 77.3391, loss: 0.1657 2022-03-01 12:39:27,822 - mmseg - INFO - Iter [99500/160000] lr: 7.563e-06, eta: 6:02:50, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1195, decode.acc_seg: 76.2376, aux.loss_ce: 0.0531, aux.acc_seg: 75.8471, loss: 0.1726 2022-03-01 12:39:45,590 - mmseg - INFO - Iter [99550/160000] lr: 7.556e-06, eta: 6:02:32, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1209, decode.acc_seg: 74.4140, aux.loss_ce: 0.0536, aux.acc_seg: 74.0125, loss: 0.1745 2022-03-01 12:40:03,398 - mmseg - INFO - Iter [99600/160000] lr: 7.550e-06, eta: 6:02:14, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1228, decode.acc_seg: 76.8363, aux.loss_ce: 0.0554, aux.acc_seg: 76.3853, loss: 0.1781 2022-03-01 12:40:21,078 - mmseg - INFO - Iter [99650/160000] lr: 7.544e-06, eta: 6:01:56, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1204, decode.acc_seg: 76.4062, aux.loss_ce: 0.0539, aux.acc_seg: 75.9656, loss: 0.1743 2022-03-01 12:40:38,789 - mmseg - INFO - Iter [99700/160000] lr: 7.538e-06, eta: 6:01:37, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1173, decode.acc_seg: 77.1693, aux.loss_ce: 0.0520, aux.acc_seg: 76.7821, loss: 0.1693 2022-03-01 12:40:56,513 - mmseg - INFO - Iter [99750/160000] lr: 7.531e-06, eta: 6:01:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1284, decode.acc_seg: 76.8127, aux.loss_ce: 0.0564, aux.acc_seg: 76.3568, loss: 0.1848 2022-03-01 12:41:16,498 - mmseg - INFO - Iter [99800/160000] lr: 7.525e-06, eta: 6:01:03, time: 0.400, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1180, decode.acc_seg: 77.5572, aux.loss_ce: 0.0528, aux.acc_seg: 77.1682, loss: 0.1708 2022-03-01 12:41:34,240 - mmseg - INFO - Iter [99850/160000] lr: 7.519e-06, eta: 6:00:44, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1184, decode.acc_seg: 76.8897, aux.loss_ce: 0.0530, aux.acc_seg: 76.4620, loss: 0.1714 2022-03-01 12:41:51,995 - mmseg - INFO - Iter [99900/160000] lr: 7.513e-06, eta: 6:00:26, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1195, decode.acc_seg: 75.0344, aux.loss_ce: 0.0533, aux.acc_seg: 74.6313, loss: 0.1728 2022-03-01 12:42:09,690 - mmseg - INFO - Iter [99950/160000] lr: 7.506e-06, eta: 6:00:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1217, decode.acc_seg: 77.4005, aux.loss_ce: 0.0541, aux.acc_seg: 76.9968, loss: 0.1758 2022-03-01 12:42:27,451 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:42:27,452 - mmseg - INFO - Iter [100000/160000] lr: 7.500e-06, eta: 5:59:50, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1214, decode.acc_seg: 77.5736, aux.loss_ce: 0.0534, aux.acc_seg: 77.2229, loss: 0.1747 2022-03-01 12:42:45,333 - mmseg - INFO - Iter [100050/160000] lr: 7.494e-06, eta: 5:59:32, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1147, decode.acc_seg: 76.7871, aux.loss_ce: 0.0510, aux.acc_seg: 76.4202, loss: 0.1657 2022-03-01 12:43:03,192 - mmseg - INFO - Iter [100100/160000] lr: 7.488e-06, eta: 5:59:14, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1184, decode.acc_seg: 75.1441, aux.loss_ce: 0.0530, aux.acc_seg: 74.7370, loss: 0.1715 2022-03-01 12:43:20,960 - mmseg - INFO - Iter [100150/160000] lr: 7.481e-06, eta: 5:58:56, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1189, decode.acc_seg: 75.0143, aux.loss_ce: 0.0534, aux.acc_seg: 74.5902, loss: 0.1723 2022-03-01 12:43:38,871 - mmseg - INFO - Iter [100200/160000] lr: 7.475e-06, eta: 5:58:38, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1226, decode.acc_seg: 77.0719, aux.loss_ce: 0.0546, aux.acc_seg: 76.5922, loss: 0.1773 2022-03-01 12:43:56,566 - mmseg - INFO - Iter [100250/160000] lr: 7.469e-06, eta: 5:58:20, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1222, decode.acc_seg: 76.8190, aux.loss_ce: 0.0544, aux.acc_seg: 76.4142, loss: 0.1766 2022-03-01 12:44:14,412 - mmseg - INFO - Iter [100300/160000] lr: 7.463e-06, eta: 5:58:01, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1203, decode.acc_seg: 75.9069, aux.loss_ce: 0.0535, aux.acc_seg: 75.4905, loss: 0.1738 2022-03-01 12:44:32,182 - mmseg - INFO - Iter [100350/160000] lr: 7.456e-06, eta: 5:57:43, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1104, decode.acc_seg: 76.3456, aux.loss_ce: 0.0496, aux.acc_seg: 75.9433, loss: 0.1600 2022-03-01 12:44:49,902 - mmseg - INFO - Iter [100400/160000] lr: 7.450e-06, eta: 5:57:25, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1193, decode.acc_seg: 76.7734, aux.loss_ce: 0.0534, aux.acc_seg: 76.3670, loss: 0.1727 2022-03-01 12:45:07,708 - mmseg - INFO - Iter [100450/160000] lr: 7.444e-06, eta: 5:57:07, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1287, decode.acc_seg: 76.4488, aux.loss_ce: 0.0568, aux.acc_seg: 76.0287, loss: 0.1855 2022-03-01 12:45:25,578 - mmseg - INFO - Iter [100500/160000] lr: 7.438e-06, eta: 5:56:49, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1153, decode.acc_seg: 76.6257, aux.loss_ce: 0.0518, aux.acc_seg: 76.1908, loss: 0.1670 2022-03-01 12:45:43,457 - mmseg - INFO - Iter [100550/160000] lr: 7.431e-06, eta: 5:56:31, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1187, decode.acc_seg: 75.9398, aux.loss_ce: 0.0525, aux.acc_seg: 75.5373, loss: 0.1712 2022-03-01 12:46:01,189 - mmseg - INFO - Iter [100600/160000] lr: 7.425e-06, eta: 5:56:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1248, decode.acc_seg: 76.5070, aux.loss_ce: 0.0551, aux.acc_seg: 76.1175, loss: 0.1799 2022-03-01 12:46:19,043 - mmseg - INFO - Iter [100650/160000] lr: 7.419e-06, eta: 5:55:55, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1101, decode.acc_seg: 75.9504, aux.loss_ce: 0.0495, aux.acc_seg: 75.5188, loss: 0.1596 2022-03-01 12:46:36,873 - mmseg - INFO - Iter [100700/160000] lr: 7.413e-06, eta: 5:55:37, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1199, decode.acc_seg: 75.6601, aux.loss_ce: 0.0536, aux.acc_seg: 75.2269, loss: 0.1735 2022-03-01 12:46:54,690 - mmseg - INFO - Iter [100750/160000] lr: 7.406e-06, eta: 5:55:19, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1256, decode.acc_seg: 77.8095, aux.loss_ce: 0.0558, aux.acc_seg: 77.3833, loss: 0.1814 2022-03-01 12:47:12,449 - mmseg - INFO - Iter [100800/160000] lr: 7.400e-06, eta: 5:55:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1161, decode.acc_seg: 75.8745, aux.loss_ce: 0.0519, aux.acc_seg: 75.4863, loss: 0.1681 2022-03-01 12:47:30,246 - mmseg - INFO - Iter [100850/160000] lr: 7.394e-06, eta: 5:54:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1235, decode.acc_seg: 77.9250, aux.loss_ce: 0.0553, aux.acc_seg: 77.4758, loss: 0.1787 2022-03-01 12:47:47,876 - mmseg - INFO - Iter [100900/160000] lr: 7.388e-06, eta: 5:54:24, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1258, decode.acc_seg: 76.8147, aux.loss_ce: 0.0556, aux.acc_seg: 76.4180, loss: 0.1814 2022-03-01 12:48:05,633 - mmseg - INFO - Iter [100950/160000] lr: 7.381e-06, eta: 5:54:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1167, decode.acc_seg: 76.9516, aux.loss_ce: 0.0528, aux.acc_seg: 76.4715, loss: 0.1695 2022-03-01 12:48:23,365 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:48:23,366 - mmseg - INFO - Iter [101000/160000] lr: 7.375e-06, eta: 5:53:48, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1162, decode.acc_seg: 77.4280, aux.loss_ce: 0.0515, aux.acc_seg: 77.0125, loss: 0.1677 2022-03-01 12:48:43,374 - mmseg - INFO - Iter [101050/160000] lr: 7.369e-06, eta: 5:53:31, time: 0.400, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1216, decode.acc_seg: 77.0391, aux.loss_ce: 0.0540, aux.acc_seg: 76.6259, loss: 0.1756 2022-03-01 12:49:01,118 - mmseg - INFO - Iter [101100/160000] lr: 7.363e-06, eta: 5:53:13, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1201, decode.acc_seg: 76.9514, aux.loss_ce: 0.0534, aux.acc_seg: 76.5508, loss: 0.1735 2022-03-01 12:49:18,871 - mmseg - INFO - Iter [101150/160000] lr: 7.356e-06, eta: 5:52:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1206, decode.acc_seg: 76.6973, aux.loss_ce: 0.0542, aux.acc_seg: 76.2546, loss: 0.1747 2022-03-01 12:49:36,740 - mmseg - INFO - Iter [101200/160000] lr: 7.350e-06, eta: 5:52:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1140, decode.acc_seg: 76.3600, aux.loss_ce: 0.0510, aux.acc_seg: 75.9693, loss: 0.1651 2022-03-01 12:49:54,351 - mmseg - INFO - Iter [101250/160000] lr: 7.344e-06, eta: 5:52:18, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1213, decode.acc_seg: 77.2421, aux.loss_ce: 0.0540, aux.acc_seg: 76.8332, loss: 0.1753 2022-03-01 12:50:12,137 - mmseg - INFO - Iter [101300/160000] lr: 7.338e-06, eta: 5:52:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1223, decode.acc_seg: 75.5705, aux.loss_ce: 0.0541, aux.acc_seg: 75.1815, loss: 0.1764 2022-03-01 12:50:29,801 - mmseg - INFO - Iter [101350/160000] lr: 7.331e-06, eta: 5:51:42, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1287, decode.acc_seg: 75.6371, aux.loss_ce: 0.0576, aux.acc_seg: 75.1457, loss: 0.1862 2022-03-01 12:50:47,611 - mmseg - INFO - Iter [101400/160000] lr: 7.325e-06, eta: 5:51:24, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1162, decode.acc_seg: 75.8861, aux.loss_ce: 0.0508, aux.acc_seg: 75.5216, loss: 0.1671 2022-03-01 12:51:05,380 - mmseg - INFO - Iter [101450/160000] lr: 7.319e-06, eta: 5:51:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1185, decode.acc_seg: 77.2356, aux.loss_ce: 0.0524, aux.acc_seg: 76.8945, loss: 0.1709 2022-03-01 12:51:23,174 - mmseg - INFO - Iter [101500/160000] lr: 7.313e-06, eta: 5:50:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.4803, aux.loss_ce: 0.0539, aux.acc_seg: 76.0139, loss: 0.1736 2022-03-01 12:51:41,014 - mmseg - INFO - Iter [101550/160000] lr: 7.306e-06, eta: 5:50:30, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1232, decode.acc_seg: 75.7852, aux.loss_ce: 0.0548, aux.acc_seg: 75.3990, loss: 0.1780 2022-03-01 12:51:58,731 - mmseg - INFO - Iter [101600/160000] lr: 7.300e-06, eta: 5:50:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1160, decode.acc_seg: 77.4166, aux.loss_ce: 0.0523, aux.acc_seg: 76.9716, loss: 0.1683 2022-03-01 12:52:16,433 - mmseg - INFO - Iter [101650/160000] lr: 7.294e-06, eta: 5:49:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1185, decode.acc_seg: 78.0685, aux.loss_ce: 0.0529, aux.acc_seg: 77.6158, loss: 0.1715 2022-03-01 12:52:34,200 - mmseg - INFO - Iter [101700/160000] lr: 7.288e-06, eta: 5:49:35, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1210, decode.acc_seg: 77.0670, aux.loss_ce: 0.0539, aux.acc_seg: 76.6785, loss: 0.1749 2022-03-01 12:52:51,933 - mmseg - INFO - Iter [101750/160000] lr: 7.281e-06, eta: 5:49:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1235, decode.acc_seg: 76.8818, aux.loss_ce: 0.0541, aux.acc_seg: 76.4712, loss: 0.1776 2022-03-01 12:53:09,799 - mmseg - INFO - Iter [101800/160000] lr: 7.275e-06, eta: 5:48:59, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1210, decode.acc_seg: 76.1510, aux.loss_ce: 0.0539, aux.acc_seg: 75.7056, loss: 0.1750 2022-03-01 12:53:27,570 - mmseg - INFO - Iter [101850/160000] lr: 7.269e-06, eta: 5:48:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1194, decode.acc_seg: 76.8877, aux.loss_ce: 0.0534, aux.acc_seg: 76.4258, loss: 0.1728 2022-03-01 12:53:45,203 - mmseg - INFO - Iter [101900/160000] lr: 7.263e-06, eta: 5:48:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1188, decode.acc_seg: 78.0545, aux.loss_ce: 0.0530, aux.acc_seg: 77.6447, loss: 0.1718 2022-03-01 12:54:03,107 - mmseg - INFO - Iter [101950/160000] lr: 7.256e-06, eta: 5:48:05, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1186, decode.acc_seg: 75.8047, aux.loss_ce: 0.0527, aux.acc_seg: 75.3928, loss: 0.1713 2022-03-01 12:54:20,936 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 12:54:20,936 - mmseg - INFO - Iter [102000/160000] lr: 7.250e-06, eta: 5:47:47, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1142, decode.acc_seg: 76.7173, aux.loss_ce: 0.0504, aux.acc_seg: 76.3801, loss: 0.1646 2022-03-01 12:54:38,773 - mmseg - INFO - Iter [102050/160000] lr: 7.244e-06, eta: 5:47:29, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1132, decode.acc_seg: 76.6698, aux.loss_ce: 0.0505, aux.acc_seg: 76.2818, loss: 0.1636 2022-03-01 12:54:56,407 - mmseg - INFO - Iter [102100/160000] lr: 7.238e-06, eta: 5:47:10, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1223, decode.acc_seg: 76.8236, aux.loss_ce: 0.0548, aux.acc_seg: 76.3881, loss: 0.1771 2022-03-01 12:55:14,112 - mmseg - INFO - Iter [102150/160000] lr: 7.231e-06, eta: 5:46:52, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1186, decode.acc_seg: 74.7227, aux.loss_ce: 0.0528, aux.acc_seg: 74.3295, loss: 0.1714 2022-03-01 12:55:31,748 - mmseg - INFO - Iter [102200/160000] lr: 7.225e-06, eta: 5:46:34, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1149, decode.acc_seg: 76.7459, aux.loss_ce: 0.0518, aux.acc_seg: 76.3450, loss: 0.1668 2022-03-01 12:55:49,335 - mmseg - INFO - Iter [102250/160000] lr: 7.219e-06, eta: 5:46:16, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1182, decode.acc_seg: 76.4298, aux.loss_ce: 0.0528, aux.acc_seg: 76.0100, loss: 0.1710 2022-03-01 12:56:06,860 - mmseg - INFO - Iter [102300/160000] lr: 7.213e-06, eta: 5:45:58, time: 0.350, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1225, decode.acc_seg: 78.1299, aux.loss_ce: 0.0554, aux.acc_seg: 77.6765, loss: 0.1779 2022-03-01 12:56:27,082 - mmseg - INFO - Iter [102350/160000] lr: 7.206e-06, eta: 5:45:41, time: 0.404, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1166, decode.acc_seg: 77.3245, aux.loss_ce: 0.0514, aux.acc_seg: 76.9758, loss: 0.1679 2022-03-01 12:56:44,937 - mmseg - INFO - Iter [102400/160000] lr: 7.200e-06, eta: 5:45:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 75.9894, aux.loss_ce: 0.0507, aux.acc_seg: 75.6185, loss: 0.1651 2022-03-01 12:57:02,774 - mmseg - INFO - Iter [102450/160000] lr: 7.194e-06, eta: 5:45:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1176, decode.acc_seg: 77.8537, aux.loss_ce: 0.0521, aux.acc_seg: 77.4362, loss: 0.1697 2022-03-01 12:57:20,723 - mmseg - INFO - Iter [102500/160000] lr: 7.188e-06, eta: 5:44:47, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1213, decode.acc_seg: 76.0211, aux.loss_ce: 0.0541, aux.acc_seg: 75.5893, loss: 0.1755 2022-03-01 12:57:38,531 - mmseg - INFO - Iter [102550/160000] lr: 7.181e-06, eta: 5:44:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1143, decode.acc_seg: 77.2440, aux.loss_ce: 0.0511, aux.acc_seg: 76.8209, loss: 0.1654 2022-03-01 12:57:56,278 - mmseg - INFO - Iter [102600/160000] lr: 7.175e-06, eta: 5:44:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1141, decode.acc_seg: 75.2846, aux.loss_ce: 0.0511, aux.acc_seg: 74.8703, loss: 0.1653 2022-03-01 12:58:14,027 - mmseg - INFO - Iter [102650/160000] lr: 7.169e-06, eta: 5:43:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1095, decode.acc_seg: 75.6331, aux.loss_ce: 0.0494, aux.acc_seg: 75.2240, loss: 0.1589 2022-03-01 12:58:31,752 - mmseg - INFO - Iter [102700/160000] lr: 7.163e-06, eta: 5:43:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1214, decode.acc_seg: 77.5820, aux.loss_ce: 0.0543, aux.acc_seg: 77.1801, loss: 0.1757 2022-03-01 12:58:49,395 - mmseg - INFO - Iter [102750/160000] lr: 7.156e-06, eta: 5:43:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1221, decode.acc_seg: 77.9599, aux.loss_ce: 0.0541, aux.acc_seg: 77.5342, loss: 0.1762 2022-03-01 12:59:06,987 - mmseg - INFO - Iter [102800/160000] lr: 7.150e-06, eta: 5:42:58, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1193, decode.acc_seg: 75.5093, aux.loss_ce: 0.0520, aux.acc_seg: 75.1815, loss: 0.1713 2022-03-01 12:59:24,876 - mmseg - INFO - Iter [102850/160000] lr: 7.144e-06, eta: 5:42:40, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1127, decode.acc_seg: 76.5456, aux.loss_ce: 0.0512, aux.acc_seg: 76.1009, loss: 0.1638 2022-03-01 12:59:42,829 - mmseg - INFO - Iter [102900/160000] lr: 7.138e-06, eta: 5:42:22, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1216, decode.acc_seg: 76.0819, aux.loss_ce: 0.0543, aux.acc_seg: 75.6472, loss: 0.1759 2022-03-01 13:00:00,583 - mmseg - INFO - Iter [102950/160000] lr: 7.131e-06, eta: 5:42:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1148, decode.acc_seg: 76.8907, aux.loss_ce: 0.0510, aux.acc_seg: 76.5155, loss: 0.1658 2022-03-01 13:00:18,181 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:00:18,182 - mmseg - INFO - Iter [103000/160000] lr: 7.125e-06, eta: 5:41:46, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1151, decode.acc_seg: 77.7314, aux.loss_ce: 0.0516, aux.acc_seg: 77.3036, loss: 0.1667 2022-03-01 13:00:35,876 - mmseg - INFO - Iter [103050/160000] lr: 7.119e-06, eta: 5:41:27, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1157, decode.acc_seg: 77.8187, aux.loss_ce: 0.0515, aux.acc_seg: 77.4075, loss: 0.1672 2022-03-01 13:00:53,860 - mmseg - INFO - Iter [103100/160000] lr: 7.113e-06, eta: 5:41:09, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1169, decode.acc_seg: 75.5920, aux.loss_ce: 0.0522, aux.acc_seg: 75.1946, loss: 0.1691 2022-03-01 13:01:11,665 - mmseg - INFO - Iter [103150/160000] lr: 7.106e-06, eta: 5:40:51, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1210, decode.acc_seg: 76.5953, aux.loss_ce: 0.0539, aux.acc_seg: 76.1640, loss: 0.1749 2022-03-01 13:01:29,322 - mmseg - INFO - Iter [103200/160000] lr: 7.100e-06, eta: 5:40:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1209, decode.acc_seg: 76.9986, aux.loss_ce: 0.0535, aux.acc_seg: 76.6148, loss: 0.1744 2022-03-01 13:01:47,174 - mmseg - INFO - Iter [103250/160000] lr: 7.094e-06, eta: 5:40:15, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1168, decode.acc_seg: 77.4736, aux.loss_ce: 0.0521, aux.acc_seg: 77.0796, loss: 0.1689 2022-03-01 13:02:04,842 - mmseg - INFO - Iter [103300/160000] lr: 7.088e-06, eta: 5:39:57, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1157, decode.acc_seg: 77.1115, aux.loss_ce: 0.0517, aux.acc_seg: 76.7260, loss: 0.1674 2022-03-01 13:02:22,648 - mmseg - INFO - Iter [103350/160000] lr: 7.081e-06, eta: 5:39:39, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1213, decode.acc_seg: 76.6862, aux.loss_ce: 0.0548, aux.acc_seg: 76.2464, loss: 0.1760 2022-03-01 13:02:40,363 - mmseg - INFO - Iter [103400/160000] lr: 7.075e-06, eta: 5:39:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1189, decode.acc_seg: 77.7857, aux.loss_ce: 0.0534, aux.acc_seg: 77.3379, loss: 0.1723 2022-03-01 13:02:58,187 - mmseg - INFO - Iter [103450/160000] lr: 7.069e-06, eta: 5:39:03, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1179, decode.acc_seg: 76.7587, aux.loss_ce: 0.0524, aux.acc_seg: 76.3691, loss: 0.1703 2022-03-01 13:03:15,841 - mmseg - INFO - Iter [103500/160000] lr: 7.063e-06, eta: 5:38:44, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1182, decode.acc_seg: 77.2190, aux.loss_ce: 0.0530, aux.acc_seg: 76.8399, loss: 0.1712 2022-03-01 13:03:33,490 - mmseg - INFO - Iter [103550/160000] lr: 7.056e-06, eta: 5:38:26, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.8030, aux.loss_ce: 0.0536, aux.acc_seg: 76.3729, loss: 0.1733 2022-03-01 13:03:53,478 - mmseg - INFO - Iter [103600/160000] lr: 7.050e-06, eta: 5:38:09, time: 0.400, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1151, decode.acc_seg: 77.2039, aux.loss_ce: 0.0514, aux.acc_seg: 76.7955, loss: 0.1665 2022-03-01 13:04:11,129 - mmseg - INFO - Iter [103650/160000] lr: 7.044e-06, eta: 5:37:51, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1152, decode.acc_seg: 74.7118, aux.loss_ce: 0.0522, aux.acc_seg: 74.2692, loss: 0.1674 2022-03-01 13:04:28,783 - mmseg - INFO - Iter [103700/160000] lr: 7.038e-06, eta: 5:37:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1205, decode.acc_seg: 75.9115, aux.loss_ce: 0.0539, aux.acc_seg: 75.4589, loss: 0.1744 2022-03-01 13:04:46,431 - mmseg - INFO - Iter [103750/160000] lr: 7.031e-06, eta: 5:37:15, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.8568, aux.loss_ce: 0.0536, aux.acc_seg: 76.4622, loss: 0.1733 2022-03-01 13:05:04,470 - mmseg - INFO - Iter [103800/160000] lr: 7.025e-06, eta: 5:36:57, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1149, decode.acc_seg: 76.0266, aux.loss_ce: 0.0514, aux.acc_seg: 75.6013, loss: 0.1663 2022-03-01 13:05:22,211 - mmseg - INFO - Iter [103850/160000] lr: 7.019e-06, eta: 5:36:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1174, decode.acc_seg: 76.5469, aux.loss_ce: 0.0530, aux.acc_seg: 76.0415, loss: 0.1704 2022-03-01 13:05:40,091 - mmseg - INFO - Iter [103900/160000] lr: 7.013e-06, eta: 5:36:21, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1183, decode.acc_seg: 76.7047, aux.loss_ce: 0.0528, aux.acc_seg: 76.3076, loss: 0.1711 2022-03-01 13:05:57,877 - mmseg - INFO - Iter [103950/160000] lr: 7.006e-06, eta: 5:36:03, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1160, decode.acc_seg: 77.6514, aux.loss_ce: 0.0523, aux.acc_seg: 77.1764, loss: 0.1683 2022-03-01 13:06:15,498 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:06:15,498 - mmseg - INFO - Iter [104000/160000] lr: 7.000e-06, eta: 5:35:44, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1176, decode.acc_seg: 77.3380, aux.loss_ce: 0.0522, aux.acc_seg: 76.9425, loss: 0.1698 2022-03-01 13:06:33,373 - mmseg - INFO - Iter [104050/160000] lr: 6.994e-06, eta: 5:35:26, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1219, decode.acc_seg: 77.4386, aux.loss_ce: 0.0543, aux.acc_seg: 76.9969, loss: 0.1762 2022-03-01 13:06:51,145 - mmseg - INFO - Iter [104100/160000] lr: 6.988e-06, eta: 5:35:08, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1151, decode.acc_seg: 76.1940, aux.loss_ce: 0.0517, aux.acc_seg: 75.7788, loss: 0.1668 2022-03-01 13:07:08,996 - mmseg - INFO - Iter [104150/160000] lr: 6.981e-06, eta: 5:34:50, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1209, decode.acc_seg: 76.8999, aux.loss_ce: 0.0539, aux.acc_seg: 76.4494, loss: 0.1748 2022-03-01 13:07:26,830 - mmseg - INFO - Iter [104200/160000] lr: 6.975e-06, eta: 5:34:32, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1151, decode.acc_seg: 77.2518, aux.loss_ce: 0.0511, aux.acc_seg: 76.8777, loss: 0.1662 2022-03-01 13:07:44,586 - mmseg - INFO - Iter [104250/160000] lr: 6.969e-06, eta: 5:34:14, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1200, decode.acc_seg: 77.5348, aux.loss_ce: 0.0539, aux.acc_seg: 77.0651, loss: 0.1738 2022-03-01 13:08:02,294 - mmseg - INFO - Iter [104300/160000] lr: 6.963e-06, eta: 5:33:56, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1098, decode.acc_seg: 74.3894, aux.loss_ce: 0.0490, aux.acc_seg: 73.9933, loss: 0.1587 2022-03-01 13:08:20,117 - mmseg - INFO - Iter [104350/160000] lr: 6.956e-06, eta: 5:33:38, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1167, decode.acc_seg: 77.0257, aux.loss_ce: 0.0518, aux.acc_seg: 76.6103, loss: 0.1685 2022-03-01 13:08:38,117 - mmseg - INFO - Iter [104400/160000] lr: 6.950e-06, eta: 5:33:20, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1139, decode.acc_seg: 76.2931, aux.loss_ce: 0.0512, aux.acc_seg: 75.8374, loss: 0.1651 2022-03-01 13:08:55,837 - mmseg - INFO - Iter [104450/160000] lr: 6.944e-06, eta: 5:33:02, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1118, decode.acc_seg: 76.2613, aux.loss_ce: 0.0501, aux.acc_seg: 75.8805, loss: 0.1618 2022-03-01 13:09:13,542 - mmseg - INFO - Iter [104500/160000] lr: 6.938e-06, eta: 5:32:44, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1125, decode.acc_seg: 74.6600, aux.loss_ce: 0.0506, aux.acc_seg: 74.2092, loss: 0.1631 2022-03-01 13:09:31,442 - mmseg - INFO - Iter [104550/160000] lr: 6.931e-06, eta: 5:32:26, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1186, decode.acc_seg: 76.4034, aux.loss_ce: 0.0529, aux.acc_seg: 75.9652, loss: 0.1714 2022-03-01 13:09:49,058 - mmseg - INFO - Iter [104600/160000] lr: 6.925e-06, eta: 5:32:07, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1181, decode.acc_seg: 76.0314, aux.loss_ce: 0.0524, aux.acc_seg: 75.6584, loss: 0.1705 2022-03-01 13:10:06,644 - mmseg - INFO - Iter [104650/160000] lr: 6.919e-06, eta: 5:31:49, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1199, decode.acc_seg: 76.6523, aux.loss_ce: 0.0532, aux.acc_seg: 76.2378, loss: 0.1731 2022-03-01 13:10:24,385 - mmseg - INFO - Iter [104700/160000] lr: 6.913e-06, eta: 5:31:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 77.4948, aux.loss_ce: 0.0533, aux.acc_seg: 77.0982, loss: 0.1729 2022-03-01 13:10:42,249 - mmseg - INFO - Iter [104750/160000] lr: 6.906e-06, eta: 5:31:13, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1178, decode.acc_seg: 76.2825, aux.loss_ce: 0.0526, aux.acc_seg: 75.8991, loss: 0.1704 2022-03-01 13:11:00,120 - mmseg - INFO - Iter [104800/160000] lr: 6.900e-06, eta: 5:30:55, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1205, decode.acc_seg: 76.5600, aux.loss_ce: 0.0538, aux.acc_seg: 76.1400, loss: 0.1742 2022-03-01 13:11:20,260 - mmseg - INFO - Iter [104850/160000] lr: 6.894e-06, eta: 5:30:38, time: 0.403, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1141, decode.acc_seg: 78.1496, aux.loss_ce: 0.0514, aux.acc_seg: 77.7672, loss: 0.1655 2022-03-01 13:11:38,016 - mmseg - INFO - Iter [104900/160000] lr: 6.888e-06, eta: 5:30:20, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1108, decode.acc_seg: 76.4033, aux.loss_ce: 0.0495, aux.acc_seg: 76.0202, loss: 0.1603 2022-03-01 13:11:55,773 - mmseg - INFO - Iter [104950/160000] lr: 6.881e-06, eta: 5:30:02, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1108, decode.acc_seg: 76.1645, aux.loss_ce: 0.0493, aux.acc_seg: 75.7811, loss: 0.1600 2022-03-01 13:12:13,774 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:12:13,774 - mmseg - INFO - Iter [105000/160000] lr: 6.875e-06, eta: 5:29:44, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1186, decode.acc_seg: 76.7922, aux.loss_ce: 0.0524, aux.acc_seg: 76.3925, loss: 0.1711 2022-03-01 13:12:31,468 - mmseg - INFO - Iter [105050/160000] lr: 6.869e-06, eta: 5:29:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1141, decode.acc_seg: 77.0086, aux.loss_ce: 0.0514, aux.acc_seg: 76.5926, loss: 0.1655 2022-03-01 13:12:49,378 - mmseg - INFO - Iter [105100/160000] lr: 6.863e-06, eta: 5:29:08, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1101, decode.acc_seg: 75.5117, aux.loss_ce: 0.0495, aux.acc_seg: 75.0885, loss: 0.1596 2022-03-01 13:13:07,159 - mmseg - INFO - Iter [105150/160000] lr: 6.856e-06, eta: 5:28:50, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1199, decode.acc_seg: 76.6280, aux.loss_ce: 0.0543, aux.acc_seg: 76.1250, loss: 0.1743 2022-03-01 13:13:24,810 - mmseg - INFO - Iter [105200/160000] lr: 6.850e-06, eta: 5:28:32, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1170, decode.acc_seg: 76.2592, aux.loss_ce: 0.0526, aux.acc_seg: 75.7702, loss: 0.1696 2022-03-01 13:13:42,710 - mmseg - INFO - Iter [105250/160000] lr: 6.844e-06, eta: 5:28:14, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1074, decode.acc_seg: 77.2656, aux.loss_ce: 0.0481, aux.acc_seg: 76.8522, loss: 0.1556 2022-03-01 13:14:00,498 - mmseg - INFO - Iter [105300/160000] lr: 6.838e-06, eta: 5:27:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1183, decode.acc_seg: 77.0101, aux.loss_ce: 0.0530, aux.acc_seg: 76.5564, loss: 0.1713 2022-03-01 13:14:18,328 - mmseg - INFO - Iter [105350/160000] lr: 6.831e-06, eta: 5:27:37, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.6664, aux.loss_ce: 0.0530, aux.acc_seg: 76.2449, loss: 0.1727 2022-03-01 13:14:36,102 - mmseg - INFO - Iter [105400/160000] lr: 6.825e-06, eta: 5:27:19, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1154, decode.acc_seg: 75.1915, aux.loss_ce: 0.0520, aux.acc_seg: 74.7108, loss: 0.1674 2022-03-01 13:14:53,845 - mmseg - INFO - Iter [105450/160000] lr: 6.819e-06, eta: 5:27:01, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1207, decode.acc_seg: 77.7489, aux.loss_ce: 0.0530, aux.acc_seg: 77.4256, loss: 0.1737 2022-03-01 13:15:11,587 - mmseg - INFO - Iter [105500/160000] lr: 6.813e-06, eta: 5:26:43, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1123, decode.acc_seg: 76.1059, aux.loss_ce: 0.0502, aux.acc_seg: 75.7241, loss: 0.1624 2022-03-01 13:15:29,468 - mmseg - INFO - Iter [105550/160000] lr: 6.806e-06, eta: 5:26:25, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1175, decode.acc_seg: 77.0672, aux.loss_ce: 0.0524, aux.acc_seg: 76.6708, loss: 0.1699 2022-03-01 13:15:47,323 - mmseg - INFO - Iter [105600/160000] lr: 6.800e-06, eta: 5:26:07, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1138, decode.acc_seg: 75.2640, aux.loss_ce: 0.0509, aux.acc_seg: 74.8543, loss: 0.1646 2022-03-01 13:16:05,078 - mmseg - INFO - Iter [105650/160000] lr: 6.794e-06, eta: 5:25:49, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1215, decode.acc_seg: 77.9150, aux.loss_ce: 0.0544, aux.acc_seg: 77.5189, loss: 0.1760 2022-03-01 13:16:23,039 - mmseg - INFO - Iter [105700/160000] lr: 6.788e-06, eta: 5:25:31, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1125, decode.acc_seg: 76.3859, aux.loss_ce: 0.0504, aux.acc_seg: 75.9896, loss: 0.1629 2022-03-01 13:16:40,756 - mmseg - INFO - Iter [105750/160000] lr: 6.781e-06, eta: 5:25:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1174, decode.acc_seg: 75.6904, aux.loss_ce: 0.0523, aux.acc_seg: 75.2837, loss: 0.1697 2022-03-01 13:16:58,482 - mmseg - INFO - Iter [105800/160000] lr: 6.775e-06, eta: 5:24:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1207, decode.acc_seg: 76.0191, aux.loss_ce: 0.0533, aux.acc_seg: 75.6449, loss: 0.1740 2022-03-01 13:17:16,306 - mmseg - INFO - Iter [105850/160000] lr: 6.769e-06, eta: 5:24:37, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1114, decode.acc_seg: 76.6141, aux.loss_ce: 0.0492, aux.acc_seg: 76.2723, loss: 0.1605 2022-03-01 13:17:34,082 - mmseg - INFO - Iter [105900/160000] lr: 6.763e-06, eta: 5:24:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1189, decode.acc_seg: 76.2200, aux.loss_ce: 0.0536, aux.acc_seg: 75.7177, loss: 0.1724 2022-03-01 13:17:51,871 - mmseg - INFO - Iter [105950/160000] lr: 6.756e-06, eta: 5:24:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1100, decode.acc_seg: 77.5385, aux.loss_ce: 0.0496, aux.acc_seg: 77.0902, loss: 0.1596 2022-03-01 13:18:09,924 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:18:09,925 - mmseg - INFO - Iter [106000/160000] lr: 6.750e-06, eta: 5:23:42, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1162, decode.acc_seg: 76.4480, aux.loss_ce: 0.0519, aux.acc_seg: 76.0387, loss: 0.1682 2022-03-01 13:18:27,811 - mmseg - INFO - Iter [106050/160000] lr: 6.744e-06, eta: 5:23:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1182, decode.acc_seg: 76.7030, aux.loss_ce: 0.0527, aux.acc_seg: 76.2958, loss: 0.1708 2022-03-01 13:18:47,909 - mmseg - INFO - Iter [106100/160000] lr: 6.738e-06, eta: 5:23:08, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1161, decode.acc_seg: 76.3638, aux.loss_ce: 0.0521, aux.acc_seg: 75.9324, loss: 0.1682 2022-03-01 13:19:05,781 - mmseg - INFO - Iter [106150/160000] lr: 6.731e-06, eta: 5:22:49, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1193, decode.acc_seg: 77.4371, aux.loss_ce: 0.0534, aux.acc_seg: 76.9802, loss: 0.1727 2022-03-01 13:19:23,387 - mmseg - INFO - Iter [106200/160000] lr: 6.725e-06, eta: 5:22:31, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1166, decode.acc_seg: 77.0693, aux.loss_ce: 0.0528, aux.acc_seg: 76.5989, loss: 0.1695 2022-03-01 13:19:41,068 - mmseg - INFO - Iter [106250/160000] lr: 6.719e-06, eta: 5:22:13, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1200, decode.acc_seg: 77.3414, aux.loss_ce: 0.0534, aux.acc_seg: 76.9225, loss: 0.1734 2022-03-01 13:19:58,848 - mmseg - INFO - Iter [106300/160000] lr: 6.713e-06, eta: 5:21:55, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1126, decode.acc_seg: 78.6901, aux.loss_ce: 0.0511, aux.acc_seg: 78.2350, loss: 0.1637 2022-03-01 13:20:16,623 - mmseg - INFO - Iter [106350/160000] lr: 6.706e-06, eta: 5:21:37, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1187, decode.acc_seg: 76.5623, aux.loss_ce: 0.0530, aux.acc_seg: 76.1311, loss: 0.1717 2022-03-01 13:20:34,410 - mmseg - INFO - Iter [106400/160000] lr: 6.700e-06, eta: 5:21:19, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1138, decode.acc_seg: 77.4305, aux.loss_ce: 0.0514, aux.acc_seg: 76.9737, loss: 0.1652 2022-03-01 13:20:52,230 - mmseg - INFO - Iter [106450/160000] lr: 6.694e-06, eta: 5:21:01, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1065, decode.acc_seg: 75.4326, aux.loss_ce: 0.0476, aux.acc_seg: 75.0026, loss: 0.1541 2022-03-01 13:21:09,967 - mmseg - INFO - Iter [106500/160000] lr: 6.688e-06, eta: 5:20:43, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 76.9297, aux.loss_ce: 0.0513, aux.acc_seg: 76.5017, loss: 0.1657 2022-03-01 13:21:27,884 - mmseg - INFO - Iter [106550/160000] lr: 6.681e-06, eta: 5:20:25, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1170, decode.acc_seg: 76.9325, aux.loss_ce: 0.0525, aux.acc_seg: 76.4748, loss: 0.1695 2022-03-01 13:21:45,660 - mmseg - INFO - Iter [106600/160000] lr: 6.675e-06, eta: 5:20:07, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1072, decode.acc_seg: 77.3366, aux.loss_ce: 0.0482, aux.acc_seg: 76.9171, loss: 0.1554 2022-03-01 13:22:03,376 - mmseg - INFO - Iter [106650/160000] lr: 6.669e-06, eta: 5:19:48, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1118, decode.acc_seg: 76.0324, aux.loss_ce: 0.0498, aux.acc_seg: 75.6601, loss: 0.1617 2022-03-01 13:22:21,172 - mmseg - INFO - Iter [106700/160000] lr: 6.663e-06, eta: 5:19:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1120, decode.acc_seg: 75.7148, aux.loss_ce: 0.0505, aux.acc_seg: 75.3127, loss: 0.1625 2022-03-01 13:22:38,958 - mmseg - INFO - Iter [106750/160000] lr: 6.656e-06, eta: 5:19:12, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1158, decode.acc_seg: 77.1940, aux.loss_ce: 0.0517, aux.acc_seg: 76.8016, loss: 0.1675 2022-03-01 13:22:56,821 - mmseg - INFO - Iter [106800/160000] lr: 6.650e-06, eta: 5:18:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1197, decode.acc_seg: 76.9921, aux.loss_ce: 0.0538, aux.acc_seg: 76.5814, loss: 0.1735 2022-03-01 13:23:14,779 - mmseg - INFO - Iter [106850/160000] lr: 6.644e-06, eta: 5:18:36, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1162, decode.acc_seg: 75.6786, aux.loss_ce: 0.0517, aux.acc_seg: 75.2720, loss: 0.1679 2022-03-01 13:23:32,571 - mmseg - INFO - Iter [106900/160000] lr: 6.638e-06, eta: 5:18:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1220, decode.acc_seg: 75.8525, aux.loss_ce: 0.0538, aux.acc_seg: 75.4779, loss: 0.1758 2022-03-01 13:23:50,306 - mmseg - INFO - Iter [106950/160000] lr: 6.631e-06, eta: 5:18:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1161, decode.acc_seg: 77.4671, aux.loss_ce: 0.0512, aux.acc_seg: 77.0635, loss: 0.1673 2022-03-01 13:24:08,307 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:24:08,308 - mmseg - INFO - Iter [107000/160000] lr: 6.625e-06, eta: 5:17:42, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1143, decode.acc_seg: 76.6861, aux.loss_ce: 0.0510, aux.acc_seg: 76.2605, loss: 0.1653 2022-03-01 13:24:26,042 - mmseg - INFO - Iter [107050/160000] lr: 6.619e-06, eta: 5:17:24, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1179, decode.acc_seg: 76.4868, aux.loss_ce: 0.0527, aux.acc_seg: 76.1305, loss: 0.1705 2022-03-01 13:24:43,811 - mmseg - INFO - Iter [107100/160000] lr: 6.613e-06, eta: 5:17:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1121, decode.acc_seg: 76.7494, aux.loss_ce: 0.0502, aux.acc_seg: 76.3176, loss: 0.1622 2022-03-01 13:25:01,489 - mmseg - INFO - Iter [107150/160000] lr: 6.606e-06, eta: 5:16:48, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1121, decode.acc_seg: 77.0048, aux.loss_ce: 0.0505, aux.acc_seg: 76.5979, loss: 0.1626 2022-03-01 13:25:19,279 - mmseg - INFO - Iter [107200/160000] lr: 6.600e-06, eta: 5:16:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1137, decode.acc_seg: 76.6432, aux.loss_ce: 0.0512, aux.acc_seg: 76.2390, loss: 0.1649 2022-03-01 13:25:36,960 - mmseg - INFO - Iter [107250/160000] lr: 6.594e-06, eta: 5:16:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1082, decode.acc_seg: 75.9413, aux.loss_ce: 0.0483, aux.acc_seg: 75.5643, loss: 0.1564 2022-03-01 13:25:54,526 - mmseg - INFO - Iter [107300/160000] lr: 6.588e-06, eta: 5:15:53, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1184, decode.acc_seg: 75.7692, aux.loss_ce: 0.0525, aux.acc_seg: 75.4042, loss: 0.1709 2022-03-01 13:26:12,264 - mmseg - INFO - Iter [107350/160000] lr: 6.581e-06, eta: 5:15:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1116, decode.acc_seg: 75.9257, aux.loss_ce: 0.0500, aux.acc_seg: 75.5145, loss: 0.1616 2022-03-01 13:26:32,527 - mmseg - INFO - Iter [107400/160000] lr: 6.575e-06, eta: 5:15:18, time: 0.405, data_time: 0.048, memory: 49013, decode.loss_ce: 0.1100, decode.acc_seg: 75.2920, aux.loss_ce: 0.0495, aux.acc_seg: 74.8612, loss: 0.1595 2022-03-01 13:26:50,271 - mmseg - INFO - Iter [107450/160000] lr: 6.569e-06, eta: 5:15:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1191, decode.acc_seg: 77.5169, aux.loss_ce: 0.0531, aux.acc_seg: 77.0970, loss: 0.1722 2022-03-01 13:27:07,995 - mmseg - INFO - Iter [107500/160000] lr: 6.563e-06, eta: 5:14:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1146, decode.acc_seg: 77.2168, aux.loss_ce: 0.0515, aux.acc_seg: 76.7801, loss: 0.1662 2022-03-01 13:27:25,835 - mmseg - INFO - Iter [107550/160000] lr: 6.556e-06, eta: 5:14:24, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1158, decode.acc_seg: 76.9233, aux.loss_ce: 0.0523, aux.acc_seg: 76.4395, loss: 0.1681 2022-03-01 13:27:43,624 - mmseg - INFO - Iter [107600/160000] lr: 6.550e-06, eta: 5:14:06, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1105, decode.acc_seg: 77.0815, aux.loss_ce: 0.0493, aux.acc_seg: 76.6865, loss: 0.1597 2022-03-01 13:28:01,324 - mmseg - INFO - Iter [107650/160000] lr: 6.544e-06, eta: 5:13:48, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1161, decode.acc_seg: 75.3000, aux.loss_ce: 0.0526, aux.acc_seg: 74.8573, loss: 0.1687 2022-03-01 13:28:19,027 - mmseg - INFO - Iter [107700/160000] lr: 6.538e-06, eta: 5:13:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1176, decode.acc_seg: 77.0683, aux.loss_ce: 0.0524, aux.acc_seg: 76.6677, loss: 0.1700 2022-03-01 13:28:36,746 - mmseg - INFO - Iter [107750/160000] lr: 6.531e-06, eta: 5:13:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1109, decode.acc_seg: 77.9683, aux.loss_ce: 0.0500, aux.acc_seg: 77.5565, loss: 0.1610 2022-03-01 13:28:54,465 - mmseg - INFO - Iter [107800/160000] lr: 6.525e-06, eta: 5:12:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1137, decode.acc_seg: 75.9167, aux.loss_ce: 0.0510, aux.acc_seg: 75.4989, loss: 0.1647 2022-03-01 13:29:12,129 - mmseg - INFO - Iter [107850/160000] lr: 6.519e-06, eta: 5:12:35, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1134, decode.acc_seg: 76.8326, aux.loss_ce: 0.0507, aux.acc_seg: 76.4083, loss: 0.1640 2022-03-01 13:29:29,769 - mmseg - INFO - Iter [107900/160000] lr: 6.513e-06, eta: 5:12:17, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1075, decode.acc_seg: 78.3420, aux.loss_ce: 0.0484, aux.acc_seg: 77.9259, loss: 0.1560 2022-03-01 13:29:47,492 - mmseg - INFO - Iter [107950/160000] lr: 6.506e-06, eta: 5:11:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1198, decode.acc_seg: 77.1865, aux.loss_ce: 0.0537, aux.acc_seg: 76.8055, loss: 0.1735 2022-03-01 13:30:05,154 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:30:05,154 - mmseg - INFO - Iter [108000/160000] lr: 6.500e-06, eta: 5:11:41, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1205, decode.acc_seg: 77.2918, aux.loss_ce: 0.0531, aux.acc_seg: 76.8695, loss: 0.1736 2022-03-01 13:30:23,039 - mmseg - INFO - Iter [108050/160000] lr: 6.494e-06, eta: 5:11:23, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1159, decode.acc_seg: 75.5562, aux.loss_ce: 0.0523, aux.acc_seg: 75.1158, loss: 0.1682 2022-03-01 13:30:40,782 - mmseg - INFO - Iter [108100/160000] lr: 6.488e-06, eta: 5:11:05, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1168, decode.acc_seg: 78.2518, aux.loss_ce: 0.0522, aux.acc_seg: 77.8078, loss: 0.1690 2022-03-01 13:30:58,765 - mmseg - INFO - Iter [108150/160000] lr: 6.481e-06, eta: 5:10:47, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1142, decode.acc_seg: 77.0157, aux.loss_ce: 0.0511, aux.acc_seg: 76.6203, loss: 0.1653 2022-03-01 13:31:16,385 - mmseg - INFO - Iter [108200/160000] lr: 6.475e-06, eta: 5:10:29, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1116, decode.acc_seg: 75.3293, aux.loss_ce: 0.0500, aux.acc_seg: 74.9235, loss: 0.1616 2022-03-01 13:31:34,229 - mmseg - INFO - Iter [108250/160000] lr: 6.469e-06, eta: 5:10:11, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1127, decode.acc_seg: 76.7145, aux.loss_ce: 0.0505, aux.acc_seg: 76.3118, loss: 0.1632 2022-03-01 13:31:52,037 - mmseg - INFO - Iter [108300/160000] lr: 6.463e-06, eta: 5:09:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1169, decode.acc_seg: 76.6932, aux.loss_ce: 0.0521, aux.acc_seg: 76.2971, loss: 0.1689 2022-03-01 13:32:09,586 - mmseg - INFO - Iter [108350/160000] lr: 6.456e-06, eta: 5:09:35, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1097, decode.acc_seg: 76.8084, aux.loss_ce: 0.0494, aux.acc_seg: 76.3875, loss: 0.1591 2022-03-01 13:32:27,465 - mmseg - INFO - Iter [108400/160000] lr: 6.450e-06, eta: 5:09:16, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1160, decode.acc_seg: 75.5525, aux.loss_ce: 0.0520, aux.acc_seg: 75.1349, loss: 0.1680 2022-03-01 13:32:45,249 - mmseg - INFO - Iter [108450/160000] lr: 6.444e-06, eta: 5:08:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1123, decode.acc_seg: 79.2418, aux.loss_ce: 0.0506, aux.acc_seg: 78.8168, loss: 0.1629 2022-03-01 13:33:03,175 - mmseg - INFO - Iter [108500/160000] lr: 6.438e-06, eta: 5:08:40, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1192, decode.acc_seg: 77.3536, aux.loss_ce: 0.0523, aux.acc_seg: 77.0093, loss: 0.1715 2022-03-01 13:33:21,012 - mmseg - INFO - Iter [108550/160000] lr: 6.431e-06, eta: 5:08:22, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1114, decode.acc_seg: 78.6532, aux.loss_ce: 0.0498, aux.acc_seg: 78.2623, loss: 0.1612 2022-03-01 13:33:38,702 - mmseg - INFO - Iter [108600/160000] lr: 6.425e-06, eta: 5:08:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1178, decode.acc_seg: 77.7799, aux.loss_ce: 0.0527, aux.acc_seg: 77.3667, loss: 0.1704 2022-03-01 13:33:58,935 - mmseg - INFO - Iter [108650/160000] lr: 6.419e-06, eta: 5:07:47, time: 0.405, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1139, decode.acc_seg: 78.2181, aux.loss_ce: 0.0509, aux.acc_seg: 77.8068, loss: 0.1649 2022-03-01 13:34:16,709 - mmseg - INFO - Iter [108700/160000] lr: 6.413e-06, eta: 5:07:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1191, decode.acc_seg: 77.5428, aux.loss_ce: 0.0535, aux.acc_seg: 77.1065, loss: 0.1726 2022-03-01 13:34:34,463 - mmseg - INFO - Iter [108750/160000] lr: 6.406e-06, eta: 5:07:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1119, decode.acc_seg: 76.1345, aux.loss_ce: 0.0499, aux.acc_seg: 75.7174, loss: 0.1618 2022-03-01 13:34:52,022 - mmseg - INFO - Iter [108800/160000] lr: 6.400e-06, eta: 5:06:53, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1151, decode.acc_seg: 77.3250, aux.loss_ce: 0.0516, aux.acc_seg: 76.8984, loss: 0.1667 2022-03-01 13:35:09,716 - mmseg - INFO - Iter [108850/160000] lr: 6.394e-06, eta: 5:06:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1120, decode.acc_seg: 77.3895, aux.loss_ce: 0.0502, aux.acc_seg: 76.9963, loss: 0.1622 2022-03-01 13:35:27,489 - mmseg - INFO - Iter [108900/160000] lr: 6.388e-06, eta: 5:06:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1104, decode.acc_seg: 77.6148, aux.loss_ce: 0.0500, aux.acc_seg: 77.1677, loss: 0.1604 2022-03-01 13:35:45,287 - mmseg - INFO - Iter [108950/160000] lr: 6.381e-06, eta: 5:05:59, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1083, decode.acc_seg: 75.3890, aux.loss_ce: 0.0488, aux.acc_seg: 74.9668, loss: 0.1571 2022-03-01 13:36:03,017 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:36:03,017 - mmseg - INFO - Iter [109000/160000] lr: 6.375e-06, eta: 5:05:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1133, decode.acc_seg: 77.7916, aux.loss_ce: 0.0509, aux.acc_seg: 77.3568, loss: 0.1642 2022-03-01 13:36:20,732 - mmseg - INFO - Iter [109050/160000] lr: 6.369e-06, eta: 5:05:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1091, decode.acc_seg: 76.3471, aux.loss_ce: 0.0494, aux.acc_seg: 75.8814, loss: 0.1585 2022-03-01 13:36:38,533 - mmseg - INFO - Iter [109100/160000] lr: 6.363e-06, eta: 5:05:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1129, decode.acc_seg: 75.1013, aux.loss_ce: 0.0510, aux.acc_seg: 74.6328, loss: 0.1639 2022-03-01 13:36:56,560 - mmseg - INFO - Iter [109150/160000] lr: 6.356e-06, eta: 5:04:46, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1043, decode.acc_seg: 76.0537, aux.loss_ce: 0.0466, aux.acc_seg: 75.6760, loss: 0.1509 2022-03-01 13:37:14,432 - mmseg - INFO - Iter [109200/160000] lr: 6.350e-06, eta: 5:04:28, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1129, decode.acc_seg: 78.0503, aux.loss_ce: 0.0505, aux.acc_seg: 77.5982, loss: 0.1634 2022-03-01 13:37:32,202 - mmseg - INFO - Iter [109250/160000] lr: 6.344e-06, eta: 5:04:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1117, decode.acc_seg: 76.4564, aux.loss_ce: 0.0490, aux.acc_seg: 76.0759, loss: 0.1607 2022-03-01 13:37:49,929 - mmseg - INFO - Iter [109300/160000] lr: 6.338e-06, eta: 5:03:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 76.6001, aux.loss_ce: 0.0481, aux.acc_seg: 76.1923, loss: 0.1554 2022-03-01 13:38:07,507 - mmseg - INFO - Iter [109350/160000] lr: 6.331e-06, eta: 5:03:34, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1106, decode.acc_seg: 76.9853, aux.loss_ce: 0.0498, aux.acc_seg: 76.5420, loss: 0.1604 2022-03-01 13:38:25,270 - mmseg - INFO - Iter [109400/160000] lr: 6.325e-06, eta: 5:03:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1142, decode.acc_seg: 76.5795, aux.loss_ce: 0.0511, aux.acc_seg: 76.1612, loss: 0.1652 2022-03-01 13:38:43,037 - mmseg - INFO - Iter [109450/160000] lr: 6.319e-06, eta: 5:02:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1152, decode.acc_seg: 77.4923, aux.loss_ce: 0.0515, aux.acc_seg: 77.0714, loss: 0.1667 2022-03-01 13:39:00,683 - mmseg - INFO - Iter [109500/160000] lr: 6.313e-06, eta: 5:02:40, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1145, decode.acc_seg: 75.4588, aux.loss_ce: 0.0514, aux.acc_seg: 75.0172, loss: 0.1659 2022-03-01 13:39:18,502 - mmseg - INFO - Iter [109550/160000] lr: 6.306e-06, eta: 5:02:22, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1117, decode.acc_seg: 77.4839, aux.loss_ce: 0.0498, aux.acc_seg: 77.1010, loss: 0.1616 2022-03-01 13:39:36,412 - mmseg - INFO - Iter [109600/160000] lr: 6.300e-06, eta: 5:02:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1130, decode.acc_seg: 75.8453, aux.loss_ce: 0.0505, aux.acc_seg: 75.4615, loss: 0.1635 2022-03-01 13:39:54,018 - mmseg - INFO - Iter [109650/160000] lr: 6.294e-06, eta: 5:01:46, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1098, decode.acc_seg: 76.5526, aux.loss_ce: 0.0496, aux.acc_seg: 76.0689, loss: 0.1595 2022-03-01 13:40:11,751 - mmseg - INFO - Iter [109700/160000] lr: 6.288e-06, eta: 5:01:27, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1110, decode.acc_seg: 76.6414, aux.loss_ce: 0.0500, aux.acc_seg: 76.2184, loss: 0.1610 2022-03-01 13:40:29,578 - mmseg - INFO - Iter [109750/160000] lr: 6.281e-06, eta: 5:01:09, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1099, decode.acc_seg: 75.7342, aux.loss_ce: 0.0495, aux.acc_seg: 75.3144, loss: 0.1594 2022-03-01 13:40:47,322 - mmseg - INFO - Iter [109800/160000] lr: 6.275e-06, eta: 5:00:51, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1153, decode.acc_seg: 76.1876, aux.loss_ce: 0.0515, aux.acc_seg: 75.7448, loss: 0.1668 2022-03-01 13:41:05,380 - mmseg - INFO - Iter [109850/160000] lr: 6.269e-06, eta: 5:00:33, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1153, decode.acc_seg: 77.4734, aux.loss_ce: 0.0517, aux.acc_seg: 77.0232, loss: 0.1670 2022-03-01 13:41:25,823 - mmseg - INFO - Iter [109900/160000] lr: 6.263e-06, eta: 5:00:17, time: 0.409, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1135, decode.acc_seg: 76.1804, aux.loss_ce: 0.0502, aux.acc_seg: 75.8161, loss: 0.1637 2022-03-01 13:41:43,645 - mmseg - INFO - Iter [109950/160000] lr: 6.256e-06, eta: 4:59:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1164, decode.acc_seg: 77.2337, aux.loss_ce: 0.0523, aux.acc_seg: 76.8168, loss: 0.1687 2022-03-01 13:42:01,595 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:42:01,595 - mmseg - INFO - Iter [110000/160000] lr: 6.250e-06, eta: 4:59:40, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 77.2457, aux.loss_ce: 0.0510, aux.acc_seg: 76.7877, loss: 0.1654 2022-03-01 13:42:19,411 - mmseg - INFO - Iter [110050/160000] lr: 6.244e-06, eta: 4:59:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 75.4419, aux.loss_ce: 0.0508, aux.acc_seg: 75.0190, loss: 0.1651 2022-03-01 13:42:37,329 - mmseg - INFO - Iter [110100/160000] lr: 6.238e-06, eta: 4:59:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1122, decode.acc_seg: 76.9224, aux.loss_ce: 0.0504, aux.acc_seg: 76.4762, loss: 0.1626 2022-03-01 13:42:55,165 - mmseg - INFO - Iter [110150/160000] lr: 6.231e-06, eta: 4:58:46, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1107, decode.acc_seg: 76.6385, aux.loss_ce: 0.0494, aux.acc_seg: 76.2564, loss: 0.1601 2022-03-01 13:43:13,040 - mmseg - INFO - Iter [110200/160000] lr: 6.225e-06, eta: 4:58:28, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1131, decode.acc_seg: 75.9972, aux.loss_ce: 0.0504, aux.acc_seg: 75.5494, loss: 0.1635 2022-03-01 13:43:30,756 - mmseg - INFO - Iter [110250/160000] lr: 6.219e-06, eta: 4:58:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1140, decode.acc_seg: 77.7644, aux.loss_ce: 0.0519, aux.acc_seg: 77.2790, loss: 0.1659 2022-03-01 13:43:48,600 - mmseg - INFO - Iter [110300/160000] lr: 6.213e-06, eta: 4:57:52, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1117, decode.acc_seg: 76.5065, aux.loss_ce: 0.0504, aux.acc_seg: 76.0763, loss: 0.1621 2022-03-01 13:44:06,398 - mmseg - INFO - Iter [110350/160000] lr: 6.206e-06, eta: 4:57:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1090, decode.acc_seg: 75.1483, aux.loss_ce: 0.0491, aux.acc_seg: 74.7284, loss: 0.1581 2022-03-01 13:44:24,205 - mmseg - INFO - Iter [110400/160000] lr: 6.200e-06, eta: 4:57:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1088, decode.acc_seg: 76.4191, aux.loss_ce: 0.0488, aux.acc_seg: 76.0161, loss: 0.1576 2022-03-01 13:44:42,144 - mmseg - INFO - Iter [110450/160000] lr: 6.194e-06, eta: 4:56:58, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 76.8877, aux.loss_ce: 0.0514, aux.acc_seg: 76.4483, loss: 0.1658 2022-03-01 13:44:59,844 - mmseg - INFO - Iter [110500/160000] lr: 6.188e-06, eta: 4:56:40, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1082, decode.acc_seg: 77.7481, aux.loss_ce: 0.0489, aux.acc_seg: 77.2964, loss: 0.1571 2022-03-01 13:45:17,485 - mmseg - INFO - Iter [110550/160000] lr: 6.181e-06, eta: 4:56:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1243, decode.acc_seg: 76.5507, aux.loss_ce: 0.0556, aux.acc_seg: 76.0801, loss: 0.1799 2022-03-01 13:45:35,289 - mmseg - INFO - Iter [110600/160000] lr: 6.175e-06, eta: 4:56:04, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1097, decode.acc_seg: 76.6506, aux.loss_ce: 0.0492, aux.acc_seg: 76.2526, loss: 0.1589 2022-03-01 13:45:53,035 - mmseg - INFO - Iter [110650/160000] lr: 6.169e-06, eta: 4:55:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1151, decode.acc_seg: 76.8642, aux.loss_ce: 0.0510, aux.acc_seg: 76.4636, loss: 0.1660 2022-03-01 13:46:11,095 - mmseg - INFO - Iter [110700/160000] lr: 6.163e-06, eta: 4:55:28, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1160, decode.acc_seg: 76.8504, aux.loss_ce: 0.0522, aux.acc_seg: 76.4216, loss: 0.1682 2022-03-01 13:46:28,846 - mmseg - INFO - Iter [110750/160000] lr: 6.156e-06, eta: 4:55:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1128, decode.acc_seg: 76.5704, aux.loss_ce: 0.0502, aux.acc_seg: 76.2114, loss: 0.1630 2022-03-01 13:46:46,558 - mmseg - INFO - Iter [110800/160000] lr: 6.150e-06, eta: 4:54:52, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1103, decode.acc_seg: 77.1187, aux.loss_ce: 0.0494, aux.acc_seg: 76.7421, loss: 0.1597 2022-03-01 13:47:04,358 - mmseg - INFO - Iter [110850/160000] lr: 6.144e-06, eta: 4:54:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1093, decode.acc_seg: 76.7771, aux.loss_ce: 0.0488, aux.acc_seg: 76.3732, loss: 0.1581 2022-03-01 13:47:22,026 - mmseg - INFO - Iter [110900/160000] lr: 6.138e-06, eta: 4:54:15, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1135, decode.acc_seg: 77.2956, aux.loss_ce: 0.0509, aux.acc_seg: 76.8851, loss: 0.1644 2022-03-01 13:47:39,605 - mmseg - INFO - Iter [110950/160000] lr: 6.131e-06, eta: 4:53:57, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1112, decode.acc_seg: 76.3489, aux.loss_ce: 0.0500, aux.acc_seg: 75.9429, loss: 0.1613 2022-03-01 13:47:57,260 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:47:57,260 - mmseg - INFO - Iter [111000/160000] lr: 6.125e-06, eta: 4:53:39, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1175, decode.acc_seg: 77.1552, aux.loss_ce: 0.0519, aux.acc_seg: 76.7531, loss: 0.1694 2022-03-01 13:48:14,928 - mmseg - INFO - Iter [111050/160000] lr: 6.119e-06, eta: 4:53:21, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1165, decode.acc_seg: 77.6459, aux.loss_ce: 0.0520, aux.acc_seg: 77.2176, loss: 0.1685 2022-03-01 13:48:32,786 - mmseg - INFO - Iter [111100/160000] lr: 6.113e-06, eta: 4:53:03, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1107, decode.acc_seg: 77.5057, aux.loss_ce: 0.0498, aux.acc_seg: 77.0579, loss: 0.1605 2022-03-01 13:48:52,828 - mmseg - INFO - Iter [111150/160000] lr: 6.106e-06, eta: 4:52:46, time: 0.401, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1094, decode.acc_seg: 76.9529, aux.loss_ce: 0.0490, aux.acc_seg: 76.5470, loss: 0.1584 2022-03-01 13:49:10,432 - mmseg - INFO - Iter [111200/160000] lr: 6.100e-06, eta: 4:52:28, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1109, decode.acc_seg: 75.9432, aux.loss_ce: 0.0496, aux.acc_seg: 75.5377, loss: 0.1604 2022-03-01 13:49:28,230 - mmseg - INFO - Iter [111250/160000] lr: 6.094e-06, eta: 4:52:10, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1094, decode.acc_seg: 78.9191, aux.loss_ce: 0.0488, aux.acc_seg: 78.5195, loss: 0.1582 2022-03-01 13:49:45,970 - mmseg - INFO - Iter [111300/160000] lr: 6.088e-06, eta: 4:51:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1110, decode.acc_seg: 77.0756, aux.loss_ce: 0.0497, aux.acc_seg: 76.6271, loss: 0.1607 2022-03-01 13:50:03,617 - mmseg - INFO - Iter [111350/160000] lr: 6.081e-06, eta: 4:51:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1108, decode.acc_seg: 76.5513, aux.loss_ce: 0.0493, aux.acc_seg: 76.1537, loss: 0.1601 2022-03-01 13:50:21,322 - mmseg - INFO - Iter [111400/160000] lr: 6.075e-06, eta: 4:51:15, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1176, decode.acc_seg: 76.2397, aux.loss_ce: 0.0529, aux.acc_seg: 75.7920, loss: 0.1705 2022-03-01 13:50:38,999 - mmseg - INFO - Iter [111450/160000] lr: 6.069e-06, eta: 4:50:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1122, decode.acc_seg: 76.3273, aux.loss_ce: 0.0506, aux.acc_seg: 75.9168, loss: 0.1628 2022-03-01 13:50:56,863 - mmseg - INFO - Iter [111500/160000] lr: 6.063e-06, eta: 4:50:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1115, decode.acc_seg: 78.6653, aux.loss_ce: 0.0507, aux.acc_seg: 78.2139, loss: 0.1622 2022-03-01 13:51:14,564 - mmseg - INFO - Iter [111550/160000] lr: 6.056e-06, eta: 4:50:21, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1114, decode.acc_seg: 77.6070, aux.loss_ce: 0.0503, aux.acc_seg: 77.1692, loss: 0.1617 2022-03-01 13:51:32,386 - mmseg - INFO - Iter [111600/160000] lr: 6.050e-06, eta: 4:50:03, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1131, decode.acc_seg: 77.8073, aux.loss_ce: 0.0512, aux.acc_seg: 77.3249, loss: 0.1643 2022-03-01 13:51:50,292 - mmseg - INFO - Iter [111650/160000] lr: 6.044e-06, eta: 4:49:45, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1106, decode.acc_seg: 77.0844, aux.loss_ce: 0.0500, aux.acc_seg: 76.6010, loss: 0.1606 2022-03-01 13:52:07,950 - mmseg - INFO - Iter [111700/160000] lr: 6.038e-06, eta: 4:49:27, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1083, decode.acc_seg: 75.8328, aux.loss_ce: 0.0485, aux.acc_seg: 75.4088, loss: 0.1568 2022-03-01 13:52:25,762 - mmseg - INFO - Iter [111750/160000] lr: 6.031e-06, eta: 4:49:09, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1061, decode.acc_seg: 76.9725, aux.loss_ce: 0.0476, aux.acc_seg: 76.5656, loss: 0.1537 2022-03-01 13:52:43,545 - mmseg - INFO - Iter [111800/160000] lr: 6.025e-06, eta: 4:48:51, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1109, decode.acc_seg: 76.6249, aux.loss_ce: 0.0499, aux.acc_seg: 76.1771, loss: 0.1608 2022-03-01 13:53:01,246 - mmseg - INFO - Iter [111850/160000] lr: 6.019e-06, eta: 4:48:33, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1061, decode.acc_seg: 76.5827, aux.loss_ce: 0.0477, aux.acc_seg: 76.2126, loss: 0.1538 2022-03-01 13:53:19,093 - mmseg - INFO - Iter [111900/160000] lr: 6.013e-06, eta: 4:48:15, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1132, decode.acc_seg: 77.3392, aux.loss_ce: 0.0508, aux.acc_seg: 76.9434, loss: 0.1640 2022-03-01 13:53:37,214 - mmseg - INFO - Iter [111950/160000] lr: 6.006e-06, eta: 4:47:57, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1147, decode.acc_seg: 77.0091, aux.loss_ce: 0.0514, aux.acc_seg: 76.5983, loss: 0.1661 2022-03-01 13:53:54,910 - mmseg - INFO - Saving checkpoint at 112000 iterations 2022-03-01 13:54:02,575 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:54:02,575 - mmseg - INFO - Iter [112000/160000] lr: 6.000e-06, eta: 4:47:42, time: 0.507, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1036, decode.acc_seg: 76.6071, aux.loss_ce: 0.0470, aux.acc_seg: 76.1734, loss: 0.1505 2022-03-01 13:54:31,155 - mmseg - INFO - per class results: 2022-03-01 13:54:31,161 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.43 | 89.12 | | building | 83.29 | 93.41 | | sky | 94.76 | 97.79 | | floor | 82.31 | 92.21 | | tree | 75.19 | 88.28 | | ceiling | 86.33 | 94.19 | | road | 85.56 | 91.35 | | bed | 91.4 | 96.49 | | windowpane | 62.54 | 76.54 | | grass | 67.61 | 80.55 | | cabinet | 65.83 | 79.11 | | sidewalk | 70.11 | 84.79 | | person | 82.83 | 93.0 | | earth | 38.3 | 51.68 | | door | 51.26 | 67.51 | | table | 63.02 | 75.32 | | mountain | 57.95 | 72.5 | | plant | 51.8 | 62.27 | | curtain | 75.29 | 87.14 | | chair | 62.94 | 75.58 | | car | 85.95 | 93.53 | | water | 61.14 | 78.63 | | painting | 75.79 | 87.8 | | sofa | 72.94 | 86.71 | | shelf | 45.17 | 61.35 | | house | 48.76 | 63.18 | | sea | 67.47 | 82.98 | | mirror | 71.38 | 78.4 | | rug | 57.77 | 67.14 | | field | 28.32 | 51.52 | | armchair | 50.27 | 68.94 | | seat | 60.45 | 88.02 | | fence | 46.16 | 60.96 | | desk | 55.11 | 73.01 | | rock | 43.41 | 66.66 | | wardrobe | 50.97 | 61.29 | | lamp | 68.81 | 79.52 | | bathtub | 83.08 | 85.57 | | railing | 38.1 | 51.63 | | cushion | 63.03 | 77.75 | | base | 34.07 | 51.94 | | box | 31.52 | 41.78 | | column | 46.87 | 53.71 | | signboard | 38.75 | 50.62 | | chest of drawers | 41.63 | 59.13 | | counter | 33.44 | 40.81 | | sand | 56.71 | 81.12 | | sink | 81.18 | 86.76 | | skyscraper | 48.61 | 57.4 | | fireplace | 81.01 | 92.19 | | refrigerator | 76.68 | 85.46 | | grandstand | 47.17 | 79.47 | | path | 30.19 | 45.26 | | stairs | 27.99 | 34.67 | | runway | 65.68 | 84.64 | | case | 54.93 | 68.9 | | pool table | 94.15 | 97.28 | | pillow | 59.8 | 68.15 | | screen door | 73.45 | 77.99 | | stairway | 32.67 | 40.93 | | river | 13.65 | 26.78 | | bridge | 57.37 | 63.34 | | bookcase | 39.07 | 59.82 | | blind | 39.08 | 42.75 | | coffee table | 55.18 | 82.55 | | toilet | 87.68 | 91.71 | | flower | 41.15 | 55.67 | | book | 51.15 | 76.46 | | hill | 15.9 | 24.15 | | bench | 45.2 | 51.03 | | countertop | 64.34 | 76.8 | | stove | 82.12 | 86.32 | | palm | 57.25 | 79.77 | | kitchen island | 36.74 | 85.21 | | computer | 79.17 | 90.07 | | swivel chair | 41.4 | 57.17 | | boat | 47.58 | 54.25 | | bar | 52.88 | 67.95 | | arcade machine | 75.36 | 80.21 | | hovel | 8.46 | 8.66 | | bus | 91.62 | 96.95 | | towel | 68.6 | 79.84 | | light | 55.47 | 64.05 | | truck | 34.65 | 45.75 | | tower | 5.94 | 10.84 | | chandelier | 67.31 | 79.09 | | awning | 37.21 | 46.3 | | streetlight | 33.45 | 42.24 | | booth | 43.07 | 58.91 | | television receiver | 74.44 | 85.69 | | airplane | 68.08 | 74.46 | | dirt track | 0.5 | 1.89 | | apparel | 36.81 | 46.85 | | pole | 23.23 | 29.26 | | land | 4.05 | 6.22 | | bannister | 16.85 | 20.68 | | escalator | 32.53 | 41.32 | | ottoman | 50.39 | 69.65 | | bottle | 38.7 | 59.7 | | buffet | 56.51 | 64.91 | | poster | 32.8 | 44.19 | | stage | 28.29 | 37.79 | | van | 35.04 | 44.02 | | ship | 23.52 | 34.44 | | fountain | 27.21 | 27.7 | | conveyer belt | 72.48 | 92.81 | | canopy | 35.45 | 40.39 | | washer | 78.35 | 80.15 | | plaything | 25.13 | 36.97 | | swimming pool | 75.06 | 76.4 | | stool | 49.63 | 63.27 | | barrel | 56.34 | 74.55 | | basket | 41.29 | 56.68 | | waterfall | 74.73 | 89.64 | | tent | 89.17 | 98.56 | | bag | 19.97 | 25.19 | | minibike | 73.34 | 88.46 | | cradle | 83.48 | 96.79 | | oven | 50.11 | 61.03 | | ball | 31.48 | 34.25 | | food | 58.72 | 67.68 | | step | 5.46 | 6.2 | | tank | 62.98 | 66.46 | | trade name | 29.83 | 33.67 | | microwave | 86.77 | 94.91 | | pot | 49.04 | 56.35 | | animal | 56.18 | 57.55 | | bicycle | 59.09 | 78.5 | | lake | 63.46 | 63.66 | | dishwasher | 69.08 | 79.78 | | screen | 59.66 | 78.6 | | blanket | 16.62 | 18.73 | | sculpture | 69.06 | 84.7 | | hood | 61.07 | 69.14 | | sconce | 50.17 | 57.73 | | vase | 43.18 | 55.29 | | traffic light | 35.86 | 49.22 | | tray | 19.07 | 23.78 | | ashcan | 42.08 | 59.46 | | fan | 69.06 | 78.87 | | pier | 30.87 | 48.43 | | crt screen | 4.87 | 8.45 | | plate | 55.43 | 68.29 | | monitor | 57.89 | 68.92 | | bulletin board | 40.67 | 47.13 | | shower | 8.58 | 9.56 | | radiator | 67.86 | 76.56 | | glass | 15.51 | 16.23 | | clock | 39.57 | 45.07 | | flag | 66.53 | 72.57 | +---------------------+-------+-------+ 2022-03-01 13:54:31,162 - mmseg - INFO - Summary: 2022-03-01 13:54:31,162 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.4 | 52.57 | 63.61 | +------+-------+-------+ 2022-03-01 13:54:31,168 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 13:54:31,168 - mmseg - INFO - Iter(val) [250] aAcc: 0.8440, mIoU: 0.5257, mAcc: 0.6361, IoU.wall: 0.7943, IoU.building: 0.8329, IoU.sky: 0.9476, IoU.floor: 0.8231, IoU.tree: 0.7519, IoU.ceiling: 0.8633, IoU.road: 0.8556, IoU.bed : 0.9140, IoU.windowpane: 0.6254, IoU.grass: 0.6761, IoU.cabinet: 0.6583, IoU.sidewalk: 0.7011, IoU.person: 0.8283, IoU.earth: 0.3830, IoU.door: 0.5126, IoU.table: 0.6302, IoU.mountain: 0.5795, IoU.plant: 0.5180, IoU.curtain: 0.7529, IoU.chair: 0.6294, IoU.car: 0.8595, IoU.water: 0.6114, IoU.painting: 0.7579, IoU.sofa: 0.7294, IoU.shelf: 0.4517, IoU.house: 0.4876, IoU.sea: 0.6747, IoU.mirror: 0.7138, IoU.rug: 0.5777, IoU.field: 0.2832, IoU.armchair: 0.5027, IoU.seat: 0.6045, IoU.fence: 0.4616, IoU.desk: 0.5511, IoU.rock: 0.4341, IoU.wardrobe: 0.5097, IoU.lamp: 0.6881, IoU.bathtub: 0.8308, IoU.railing: 0.3810, IoU.cushion: 0.6303, IoU.base: 0.3407, IoU.box: 0.3152, IoU.column: 0.4687, IoU.signboard: 0.3875, IoU.chest of drawers: 0.4163, IoU.counter: 0.3344, IoU.sand: 0.5671, IoU.sink: 0.8118, IoU.skyscraper: 0.4861, IoU.fireplace: 0.8101, IoU.refrigerator: 0.7668, IoU.grandstand: 0.4717, IoU.path: 0.3019, IoU.stairs: 0.2799, IoU.runway: 0.6568, IoU.case: 0.5493, IoU.pool table: 0.9415, IoU.pillow: 0.5980, IoU.screen door: 0.7345, IoU.stairway: 0.3267, IoU.river: 0.1365, IoU.bridge: 0.5737, IoU.bookcase: 0.3907, IoU.blind: 0.3908, IoU.coffee table: 0.5518, IoU.toilet: 0.8768, IoU.flower: 0.4115, IoU.book: 0.5115, IoU.hill: 0.1590, IoU.bench: 0.4520, IoU.countertop: 0.6434, IoU.stove: 0.8212, IoU.palm: 0.5725, IoU.kitchen island: 0.3674, IoU.computer: 0.7917, IoU.swivel chair: 0.4140, IoU.boat: 0.4758, IoU.bar: 0.5288, IoU.arcade machine: 0.7536, IoU.hovel: 0.0846, IoU.bus: 0.9162, IoU.towel: 0.6860, IoU.light: 0.5547, IoU.truck: 0.3465, IoU.tower: 0.0594, IoU.chandelier: 0.6731, IoU.awning: 0.3721, IoU.streetlight: 0.3345, IoU.booth: 0.4307, IoU.television receiver: 0.7444, IoU.airplane: 0.6808, IoU.dirt track: 0.0050, IoU.apparel: 0.3681, IoU.pole: 0.2323, IoU.land: 0.0405, IoU.bannister: 0.1685, IoU.escalator: 0.3253, IoU.ottoman: 0.5039, IoU.bottle: 0.3870, IoU.buffet: 0.5651, IoU.poster: 0.3280, IoU.stage: 0.2829, IoU.van: 0.3504, IoU.ship: 0.2352, IoU.fountain: 0.2721, IoU.conveyer belt: 0.7248, IoU.canopy: 0.3545, IoU.washer: 0.7835, IoU.plaything: 0.2513, IoU.swimming pool: 0.7506, IoU.stool: 0.4963, IoU.barrel: 0.5634, IoU.basket: 0.4129, IoU.waterfall: 0.7473, IoU.tent: 0.8917, IoU.bag: 0.1997, IoU.minibike: 0.7334, IoU.cradle: 0.8348, IoU.oven: 0.5011, IoU.ball: 0.3148, IoU.food: 0.5872, IoU.step: 0.0546, IoU.tank: 0.6298, IoU.trade name: 0.2983, IoU.microwave: 0.8677, IoU.pot: 0.4904, IoU.animal: 0.5618, IoU.bicycle: 0.5909, IoU.lake: 0.6346, IoU.dishwasher: 0.6908, IoU.screen: 0.5966, IoU.blanket: 0.1662, IoU.sculpture: 0.6906, IoU.hood: 0.6107, IoU.sconce: 0.5017, IoU.vase: 0.4318, IoU.traffic light: 0.3586, IoU.tray: 0.1907, IoU.ashcan: 0.4208, IoU.fan: 0.6906, IoU.pier: 0.3087, IoU.crt screen: 0.0487, IoU.plate: 0.5543, IoU.monitor: 0.5789, IoU.bulletin board: 0.4067, IoU.shower: 0.0858, IoU.radiator: 0.6786, IoU.glass: 0.1551, IoU.clock: 0.3957, IoU.flag: 0.6653, Acc.wall: 0.8912, Acc.building: 0.9341, Acc.sky: 0.9779, Acc.floor: 0.9221, Acc.tree: 0.8828, Acc.ceiling: 0.9419, Acc.road: 0.9135, Acc.bed : 0.9649, Acc.windowpane: 0.7654, Acc.grass: 0.8055, Acc.cabinet: 0.7911, Acc.sidewalk: 0.8479, Acc.person: 0.9300, Acc.earth: 0.5168, Acc.door: 0.6751, Acc.table: 0.7532, Acc.mountain: 0.7250, Acc.plant: 0.6227, Acc.curtain: 0.8714, Acc.chair: 0.7558, Acc.car: 0.9353, Acc.water: 0.7863, Acc.painting: 0.8780, Acc.sofa: 0.8671, Acc.shelf: 0.6135, Acc.house: 0.6318, Acc.sea: 0.8298, Acc.mirror: 0.7840, Acc.rug: 0.6714, Acc.field: 0.5152, Acc.armchair: 0.6894, Acc.seat: 0.8802, Acc.fence: 0.6096, Acc.desk: 0.7301, Acc.rock: 0.6666, Acc.wardrobe: 0.6129, Acc.lamp: 0.7952, Acc.bathtub: 0.8557, Acc.railing: 0.5163, Acc.cushion: 0.7775, Acc.base: 0.5194, Acc.box: 0.4178, Acc.column: 0.5371, Acc.signboard: 0.5062, Acc.chest of drawers: 0.5913, Acc.counter: 0.4081, Acc.sand: 0.8112, Acc.sink: 0.8676, Acc.skyscraper: 0.5740, Acc.fireplace: 0.9219, Acc.refrigerator: 0.8546, Acc.grandstand: 0.7947, Acc.path: 0.4526, Acc.stairs: 0.3467, Acc.runway: 0.8464, Acc.case: 0.6890, Acc.pool table: 0.9728, Acc.pillow: 0.6815, Acc.screen door: 0.7799, Acc.stairway: 0.4093, Acc.river: 0.2678, Acc.bridge: 0.6334, Acc.bookcase: 0.5982, Acc.blind: 0.4275, Acc.coffee table: 0.8255, Acc.toilet: 0.9171, Acc.flower: 0.5567, Acc.book: 0.7646, Acc.hill: 0.2415, Acc.bench: 0.5103, Acc.countertop: 0.7680, Acc.stove: 0.8632, Acc.palm: 0.7977, Acc.kitchen island: 0.8521, Acc.computer: 0.9007, Acc.swivel chair: 0.5717, Acc.boat: 0.5425, Acc.bar: 0.6795, Acc.arcade machine: 0.8021, Acc.hovel: 0.0866, Acc.bus: 0.9695, Acc.towel: 0.7984, Acc.light: 0.6405, Acc.truck: 0.4575, Acc.tower: 0.1084, Acc.chandelier: 0.7909, Acc.awning: 0.4630, Acc.streetlight: 0.4224, Acc.booth: 0.5891, Acc.television receiver: 0.8569, Acc.airplane: 0.7446, Acc.dirt track: 0.0189, Acc.apparel: 0.4685, Acc.pole: 0.2926, Acc.land: 0.0622, Acc.bannister: 0.2068, Acc.escalator: 0.4132, Acc.ottoman: 0.6965, Acc.bottle: 0.5970, Acc.buffet: 0.6491, Acc.poster: 0.4419, Acc.stage: 0.3779, Acc.van: 0.4402, Acc.ship: 0.3444, Acc.fountain: 0.2770, Acc.conveyer belt: 0.9281, Acc.canopy: 0.4039, Acc.washer: 0.8015, Acc.plaything: 0.3697, Acc.swimming pool: 0.7640, Acc.stool: 0.6327, Acc.barrel: 0.7455, Acc.basket: 0.5668, Acc.waterfall: 0.8964, Acc.tent: 0.9856, Acc.bag: 0.2519, Acc.minibike: 0.8846, Acc.cradle: 0.9679, Acc.oven: 0.6103, Acc.ball: 0.3425, Acc.food: 0.6768, Acc.step: 0.0620, Acc.tank: 0.6646, Acc.trade name: 0.3367, Acc.microwave: 0.9491, Acc.pot: 0.5635, Acc.animal: 0.5755, Acc.bicycle: 0.7850, Acc.lake: 0.6366, Acc.dishwasher: 0.7978, Acc.screen: 0.7860, Acc.blanket: 0.1873, Acc.sculpture: 0.8470, Acc.hood: 0.6914, Acc.sconce: 0.5773, Acc.vase: 0.5529, Acc.traffic light: 0.4922, Acc.tray: 0.2378, Acc.ashcan: 0.5946, Acc.fan: 0.7887, Acc.pier: 0.4843, Acc.crt screen: 0.0845, Acc.plate: 0.6829, Acc.monitor: 0.6892, Acc.bulletin board: 0.4713, Acc.shower: 0.0956, Acc.radiator: 0.7656, Acc.glass: 0.1623, Acc.clock: 0.4507, Acc.flag: 0.7257 2022-03-01 13:54:49,114 - mmseg - INFO - Iter [112050/160000] lr: 5.994e-06, eta: 4:47:36, time: 0.931, data_time: 0.577, memory: 49013, decode.loss_ce: 0.1117, decode.acc_seg: 76.9897, aux.loss_ce: 0.0497, aux.acc_seg: 76.6171, loss: 0.1614 2022-03-01 13:55:06,785 - mmseg - INFO - Iter [112100/160000] lr: 5.988e-06, eta: 4:47:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1070, decode.acc_seg: 78.1423, aux.loss_ce: 0.0482, aux.acc_seg: 77.6976, loss: 0.1552 2022-03-01 13:55:24,682 - mmseg - INFO - Iter [112150/160000] lr: 5.981e-06, eta: 4:47:00, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1138, decode.acc_seg: 76.7867, aux.loss_ce: 0.0509, aux.acc_seg: 76.4209, loss: 0.1647 2022-03-01 13:55:42,447 - mmseg - INFO - Iter [112200/160000] lr: 5.975e-06, eta: 4:46:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1158, decode.acc_seg: 77.6077, aux.loss_ce: 0.0521, aux.acc_seg: 77.1709, loss: 0.1680 2022-03-01 13:56:00,267 - mmseg - INFO - Iter [112250/160000] lr: 5.969e-06, eta: 4:46:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1276, decode.acc_seg: 76.6321, aux.loss_ce: 0.0568, aux.acc_seg: 76.1397, loss: 0.1844 2022-03-01 13:56:18,292 - mmseg - INFO - Iter [112300/160000] lr: 5.963e-06, eta: 4:46:06, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1124, decode.acc_seg: 78.3368, aux.loss_ce: 0.0501, aux.acc_seg: 77.9382, loss: 0.1625 2022-03-01 13:56:36,172 - mmseg - INFO - Iter [112350/160000] lr: 5.956e-06, eta: 4:45:48, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1131, decode.acc_seg: 77.3662, aux.loss_ce: 0.0505, aux.acc_seg: 76.9926, loss: 0.1635 2022-03-01 13:56:53,885 - mmseg - INFO - Iter [112400/160000] lr: 5.950e-06, eta: 4:45:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1172, decode.acc_seg: 76.5646, aux.loss_ce: 0.0526, aux.acc_seg: 76.1225, loss: 0.1697 2022-03-01 13:57:14,050 - mmseg - INFO - Iter [112450/160000] lr: 5.944e-06, eta: 4:45:13, time: 0.403, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1028, decode.acc_seg: 76.7327, aux.loss_ce: 0.0470, aux.acc_seg: 76.2651, loss: 0.1498 2022-03-01 13:57:31,851 - mmseg - INFO - Iter [112500/160000] lr: 5.938e-06, eta: 4:44:55, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1100, decode.acc_seg: 76.3213, aux.loss_ce: 0.0497, aux.acc_seg: 75.9173, loss: 0.1597 2022-03-01 13:57:49,618 - mmseg - INFO - Iter [112550/160000] lr: 5.931e-06, eta: 4:44:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1095, decode.acc_seg: 77.4935, aux.loss_ce: 0.0493, aux.acc_seg: 77.0827, loss: 0.1589 2022-03-01 13:58:07,404 - mmseg - INFO - Iter [112600/160000] lr: 5.925e-06, eta: 4:44:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1086, decode.acc_seg: 76.5460, aux.loss_ce: 0.0487, aux.acc_seg: 76.1474, loss: 0.1573 2022-03-01 13:58:25,092 - mmseg - INFO - Iter [112650/160000] lr: 5.919e-06, eta: 4:44:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1149, decode.acc_seg: 77.5057, aux.loss_ce: 0.0511, aux.acc_seg: 77.1383, loss: 0.1661 2022-03-01 13:58:43,054 - mmseg - INFO - Iter [112700/160000] lr: 5.913e-06, eta: 4:43:42, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1071, decode.acc_seg: 76.7212, aux.loss_ce: 0.0482, aux.acc_seg: 76.3091, loss: 0.1554 2022-03-01 13:59:00,923 - mmseg - INFO - Iter [112750/160000] lr: 5.906e-06, eta: 4:43:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1090, decode.acc_seg: 74.4075, aux.loss_ce: 0.0494, aux.acc_seg: 73.9611, loss: 0.1584 2022-03-01 13:59:18,522 - mmseg - INFO - Iter [112800/160000] lr: 5.900e-06, eta: 4:43:06, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 75.7813, aux.loss_ce: 0.0480, aux.acc_seg: 75.3831, loss: 0.1542 2022-03-01 13:59:36,192 - mmseg - INFO - Iter [112850/160000] lr: 5.894e-06, eta: 4:42:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1095, decode.acc_seg: 76.8621, aux.loss_ce: 0.0492, aux.acc_seg: 76.4640, loss: 0.1587 2022-03-01 13:59:53,992 - mmseg - INFO - Iter [112900/160000] lr: 5.888e-06, eta: 4:42:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1123, decode.acc_seg: 77.2625, aux.loss_ce: 0.0503, aux.acc_seg: 76.8388, loss: 0.1626 2022-03-01 14:00:11,761 - mmseg - INFO - Iter [112950/160000] lr: 5.881e-06, eta: 4:42:12, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1068, decode.acc_seg: 76.6491, aux.loss_ce: 0.0478, aux.acc_seg: 76.2687, loss: 0.1545 2022-03-01 14:00:29,695 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:00:29,695 - mmseg - INFO - Iter [113000/160000] lr: 5.875e-06, eta: 4:41:54, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1113, decode.acc_seg: 77.2987, aux.loss_ce: 0.0494, aux.acc_seg: 76.9016, loss: 0.1607 2022-03-01 14:00:47,612 - mmseg - INFO - Iter [113050/160000] lr: 5.869e-06, eta: 4:41:36, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1100, decode.acc_seg: 78.2835, aux.loss_ce: 0.0498, aux.acc_seg: 77.8789, loss: 0.1598 2022-03-01 14:01:05,642 - mmseg - INFO - Iter [113100/160000] lr: 5.863e-06, eta: 4:41:18, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1049, decode.acc_seg: 76.8634, aux.loss_ce: 0.0477, aux.acc_seg: 76.4097, loss: 0.1526 2022-03-01 14:01:23,340 - mmseg - INFO - Iter [113150/160000] lr: 5.856e-06, eta: 4:41:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1077, decode.acc_seg: 76.4637, aux.loss_ce: 0.0483, aux.acc_seg: 76.0663, loss: 0.1559 2022-03-01 14:01:41,111 - mmseg - INFO - Iter [113200/160000] lr: 5.850e-06, eta: 4:40:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1115, decode.acc_seg: 77.4491, aux.loss_ce: 0.0504, aux.acc_seg: 76.9863, loss: 0.1619 2022-03-01 14:01:59,072 - mmseg - INFO - Iter [113250/160000] lr: 5.844e-06, eta: 4:40:24, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1067, decode.acc_seg: 76.5465, aux.loss_ce: 0.0479, aux.acc_seg: 76.1296, loss: 0.1546 2022-03-01 14:02:16,875 - mmseg - INFO - Iter [113300/160000] lr: 5.838e-06, eta: 4:40:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1166, decode.acc_seg: 77.9057, aux.loss_ce: 0.0522, aux.acc_seg: 77.4472, loss: 0.1688 2022-03-01 14:02:34,801 - mmseg - INFO - Iter [113350/160000] lr: 5.831e-06, eta: 4:39:47, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1093, decode.acc_seg: 77.4969, aux.loss_ce: 0.0485, aux.acc_seg: 77.1214, loss: 0.1579 2022-03-01 14:02:52,681 - mmseg - INFO - Iter [113400/160000] lr: 5.825e-06, eta: 4:39:29, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1215, decode.acc_seg: 77.0936, aux.loss_ce: 0.0538, aux.acc_seg: 76.7020, loss: 0.1753 2022-03-01 14:03:10,686 - mmseg - INFO - Iter [113450/160000] lr: 5.819e-06, eta: 4:39:11, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1122, decode.acc_seg: 76.7634, aux.loss_ce: 0.0501, aux.acc_seg: 76.3597, loss: 0.1623 2022-03-01 14:03:28,577 - mmseg - INFO - Iter [113500/160000] lr: 5.813e-06, eta: 4:38:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1110, decode.acc_seg: 76.4532, aux.loss_ce: 0.0500, aux.acc_seg: 76.0363, loss: 0.1610 2022-03-01 14:03:46,417 - mmseg - INFO - Iter [113550/160000] lr: 5.806e-06, eta: 4:38:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1212, decode.acc_seg: 76.7517, aux.loss_ce: 0.0543, aux.acc_seg: 76.3045, loss: 0.1755 2022-03-01 14:04:04,346 - mmseg - INFO - Iter [113600/160000] lr: 5.800e-06, eta: 4:38:17, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1106, decode.acc_seg: 77.3102, aux.loss_ce: 0.0499, aux.acc_seg: 76.8690, loss: 0.1605 2022-03-01 14:04:22,321 - mmseg - INFO - Iter [113650/160000] lr: 5.794e-06, eta: 4:37:59, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1137, decode.acc_seg: 76.9043, aux.loss_ce: 0.0509, aux.acc_seg: 76.4749, loss: 0.1646 2022-03-01 14:04:42,365 - mmseg - INFO - Iter [113700/160000] lr: 5.788e-06, eta: 4:37:42, time: 0.401, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1136, decode.acc_seg: 75.8308, aux.loss_ce: 0.0508, aux.acc_seg: 75.3877, loss: 0.1644 2022-03-01 14:05:00,083 - mmseg - INFO - Iter [113750/160000] lr: 5.781e-06, eta: 4:37:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1015, decode.acc_seg: 76.1493, aux.loss_ce: 0.0455, aux.acc_seg: 75.7934, loss: 0.1470 2022-03-01 14:05:17,850 - mmseg - INFO - Iter [113800/160000] lr: 5.775e-06, eta: 4:37:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1080, decode.acc_seg: 77.5399, aux.loss_ce: 0.0490, aux.acc_seg: 77.1171, loss: 0.1569 2022-03-01 14:05:35,528 - mmseg - INFO - Iter [113850/160000] lr: 5.769e-06, eta: 4:36:48, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1138, decode.acc_seg: 75.7736, aux.loss_ce: 0.0509, aux.acc_seg: 75.3329, loss: 0.1648 2022-03-01 14:05:53,196 - mmseg - INFO - Iter [113900/160000] lr: 5.763e-06, eta: 4:36:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1077, decode.acc_seg: 76.4260, aux.loss_ce: 0.0488, aux.acc_seg: 75.9905, loss: 0.1566 2022-03-01 14:06:10,953 - mmseg - INFO - Iter [113950/160000] lr: 5.756e-06, eta: 4:36:12, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1082, decode.acc_seg: 76.3784, aux.loss_ce: 0.0487, aux.acc_seg: 75.9850, loss: 0.1570 2022-03-01 14:06:28,582 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:06:28,582 - mmseg - INFO - Iter [114000/160000] lr: 5.750e-06, eta: 4:35:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1134, decode.acc_seg: 78.5385, aux.loss_ce: 0.0508, aux.acc_seg: 78.0883, loss: 0.1642 2022-03-01 14:06:46,351 - mmseg - INFO - Iter [114050/160000] lr: 5.744e-06, eta: 4:35:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1095, decode.acc_seg: 75.9284, aux.loss_ce: 0.0499, aux.acc_seg: 75.4740, loss: 0.1594 2022-03-01 14:07:04,144 - mmseg - INFO - Iter [114100/160000] lr: 5.738e-06, eta: 4:35:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1181, decode.acc_seg: 76.7292, aux.loss_ce: 0.0527, aux.acc_seg: 76.3086, loss: 0.1708 2022-03-01 14:07:21,899 - mmseg - INFO - Iter [114150/160000] lr: 5.731e-06, eta: 4:34:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1041, decode.acc_seg: 75.7493, aux.loss_ce: 0.0470, aux.acc_seg: 75.3248, loss: 0.1511 2022-03-01 14:07:39,613 - mmseg - INFO - Iter [114200/160000] lr: 5.725e-06, eta: 4:34:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1084, decode.acc_seg: 78.0832, aux.loss_ce: 0.0487, aux.acc_seg: 77.6715, loss: 0.1571 2022-03-01 14:07:57,384 - mmseg - INFO - Iter [114250/160000] lr: 5.719e-06, eta: 4:34:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1104, decode.acc_seg: 76.6131, aux.loss_ce: 0.0497, aux.acc_seg: 76.1901, loss: 0.1601 2022-03-01 14:08:15,149 - mmseg - INFO - Iter [114300/160000] lr: 5.713e-06, eta: 4:34:05, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1117, decode.acc_seg: 76.8549, aux.loss_ce: 0.0504, aux.acc_seg: 76.4104, loss: 0.1622 2022-03-01 14:08:32,787 - mmseg - INFO - Iter [114350/160000] lr: 5.706e-06, eta: 4:33:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1098, decode.acc_seg: 77.8117, aux.loss_ce: 0.0496, aux.acc_seg: 77.3874, loss: 0.1594 2022-03-01 14:08:50,509 - mmseg - INFO - Iter [114400/160000] lr: 5.700e-06, eta: 4:33:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1065, decode.acc_seg: 76.9973, aux.loss_ce: 0.0480, aux.acc_seg: 76.6019, loss: 0.1545 2022-03-01 14:09:08,376 - mmseg - INFO - Iter [114450/160000] lr: 5.694e-06, eta: 4:33:11, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1101, decode.acc_seg: 77.6368, aux.loss_ce: 0.0492, aux.acc_seg: 77.2062, loss: 0.1594 2022-03-01 14:09:26,022 - mmseg - INFO - Iter [114500/160000] lr: 5.688e-06, eta: 4:32:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1162, decode.acc_seg: 75.7629, aux.loss_ce: 0.0523, aux.acc_seg: 75.3289, loss: 0.1685 2022-03-01 14:09:44,049 - mmseg - INFO - Iter [114550/160000] lr: 5.681e-06, eta: 4:32:35, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1079, decode.acc_seg: 78.3082, aux.loss_ce: 0.0486, aux.acc_seg: 77.8808, loss: 0.1565 2022-03-01 14:10:01,685 - mmseg - INFO - Iter [114600/160000] lr: 5.675e-06, eta: 4:32:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1066, decode.acc_seg: 76.3848, aux.loss_ce: 0.0482, aux.acc_seg: 75.9687, loss: 0.1549 2022-03-01 14:10:19,405 - mmseg - INFO - Iter [114650/160000] lr: 5.669e-06, eta: 4:31:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1043, decode.acc_seg: 77.3533, aux.loss_ce: 0.0472, aux.acc_seg: 76.9494, loss: 0.1515 2022-03-01 14:10:37,285 - mmseg - INFO - Iter [114700/160000] lr: 5.663e-06, eta: 4:31:40, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1069, decode.acc_seg: 76.8117, aux.loss_ce: 0.0481, aux.acc_seg: 76.3950, loss: 0.1550 2022-03-01 14:10:55,114 - mmseg - INFO - Iter [114750/160000] lr: 5.656e-06, eta: 4:31:22, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1119, decode.acc_seg: 78.0512, aux.loss_ce: 0.0500, aux.acc_seg: 77.6563, loss: 0.1619 2022-03-01 14:11:13,186 - mmseg - INFO - Iter [114800/160000] lr: 5.650e-06, eta: 4:31:04, time: 0.362, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1066, decode.acc_seg: 76.3991, aux.loss_ce: 0.0480, aux.acc_seg: 75.9573, loss: 0.1546 2022-03-01 14:11:30,947 - mmseg - INFO - Iter [114850/160000] lr: 5.644e-06, eta: 4:30:46, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1072, decode.acc_seg: 77.0562, aux.loss_ce: 0.0482, aux.acc_seg: 76.6388, loss: 0.1554 2022-03-01 14:11:48,630 - mmseg - INFO - Iter [114900/160000] lr: 5.638e-06, eta: 4:30:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1141, decode.acc_seg: 77.0711, aux.loss_ce: 0.0508, aux.acc_seg: 76.6937, loss: 0.1648 2022-03-01 14:12:08,589 - mmseg - INFO - Iter [114950/160000] lr: 5.631e-06, eta: 4:30:11, time: 0.399, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1112, decode.acc_seg: 76.1507, aux.loss_ce: 0.0501, aux.acc_seg: 75.7120, loss: 0.1613 2022-03-01 14:12:26,275 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:12:26,276 - mmseg - INFO - Iter [115000/160000] lr: 5.625e-06, eta: 4:29:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1096, decode.acc_seg: 77.9050, aux.loss_ce: 0.0495, aux.acc_seg: 77.4495, loss: 0.1591 2022-03-01 14:12:44,112 - mmseg - INFO - Iter [115050/160000] lr: 5.619e-06, eta: 4:29:35, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1180, decode.acc_seg: 77.6878, aux.loss_ce: 0.0525, aux.acc_seg: 77.2751, loss: 0.1705 2022-03-01 14:13:01,944 - mmseg - INFO - Iter [115100/160000] lr: 5.613e-06, eta: 4:29:17, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1100, decode.acc_seg: 77.1675, aux.loss_ce: 0.0490, aux.acc_seg: 76.7683, loss: 0.1590 2022-03-01 14:13:19,709 - mmseg - INFO - Iter [115150/160000] lr: 5.606e-06, eta: 4:28:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1065, decode.acc_seg: 76.2711, aux.loss_ce: 0.0478, aux.acc_seg: 75.8912, loss: 0.1543 2022-03-01 14:13:37,490 - mmseg - INFO - Iter [115200/160000] lr: 5.600e-06, eta: 4:28:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1093, decode.acc_seg: 77.4046, aux.loss_ce: 0.0497, aux.acc_seg: 76.9310, loss: 0.1590 2022-03-01 14:13:55,211 - mmseg - INFO - Iter [115250/160000] lr: 5.594e-06, eta: 4:28:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1111, decode.acc_seg: 76.1557, aux.loss_ce: 0.0497, aux.acc_seg: 75.7484, loss: 0.1608 2022-03-01 14:14:13,042 - mmseg - INFO - Iter [115300/160000] lr: 5.588e-06, eta: 4:28:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1112, decode.acc_seg: 77.0844, aux.loss_ce: 0.0500, aux.acc_seg: 76.6659, loss: 0.1612 2022-03-01 14:14:30,771 - mmseg - INFO - Iter [115350/160000] lr: 5.581e-06, eta: 4:27:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1133, decode.acc_seg: 76.0556, aux.loss_ce: 0.0504, aux.acc_seg: 75.6367, loss: 0.1637 2022-03-01 14:14:48,597 - mmseg - INFO - Iter [115400/160000] lr: 5.575e-06, eta: 4:27:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1103, decode.acc_seg: 76.8025, aux.loss_ce: 0.0497, aux.acc_seg: 76.3640, loss: 0.1600 2022-03-01 14:15:06,483 - mmseg - INFO - Iter [115450/160000] lr: 5.569e-06, eta: 4:27:10, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1069, decode.acc_seg: 77.1808, aux.loss_ce: 0.0484, aux.acc_seg: 76.7378, loss: 0.1553 2022-03-01 14:15:24,069 - mmseg - INFO - Iter [115500/160000] lr: 5.563e-06, eta: 4:26:52, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1057, decode.acc_seg: 76.4292, aux.loss_ce: 0.0477, aux.acc_seg: 76.0022, loss: 0.1534 2022-03-01 14:15:42,037 - mmseg - INFO - Iter [115550/160000] lr: 5.556e-06, eta: 4:26:34, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1068, decode.acc_seg: 76.6068, aux.loss_ce: 0.0479, aux.acc_seg: 76.2082, loss: 0.1547 2022-03-01 14:15:59,749 - mmseg - INFO - Iter [115600/160000] lr: 5.550e-06, eta: 4:26:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1107, decode.acc_seg: 76.4325, aux.loss_ce: 0.0500, aux.acc_seg: 76.0022, loss: 0.1607 2022-03-01 14:16:17,482 - mmseg - INFO - Iter [115650/160000] lr: 5.544e-06, eta: 4:25:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 77.2065, aux.loss_ce: 0.0480, aux.acc_seg: 76.7873, loss: 0.1540 2022-03-01 14:16:35,315 - mmseg - INFO - Iter [115700/160000] lr: 5.538e-06, eta: 4:25:40, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1117, decode.acc_seg: 76.6393, aux.loss_ce: 0.0503, aux.acc_seg: 76.1563, loss: 0.1620 2022-03-01 14:16:53,018 - mmseg - INFO - Iter [115750/160000] lr: 5.531e-06, eta: 4:25:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1147, decode.acc_seg: 77.2658, aux.loss_ce: 0.0519, aux.acc_seg: 76.8699, loss: 0.1665 2022-03-01 14:17:10,817 - mmseg - INFO - Iter [115800/160000] lr: 5.525e-06, eta: 4:25:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1059, decode.acc_seg: 76.1870, aux.loss_ce: 0.0477, aux.acc_seg: 75.7832, loss: 0.1536 2022-03-01 14:17:28,447 - mmseg - INFO - Iter [115850/160000] lr: 5.519e-06, eta: 4:24:45, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1143, decode.acc_seg: 76.7014, aux.loss_ce: 0.0521, aux.acc_seg: 76.2394, loss: 0.1664 2022-03-01 14:17:46,285 - mmseg - INFO - Iter [115900/160000] lr: 5.513e-06, eta: 4:24:27, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 77.3601, aux.loss_ce: 0.0475, aux.acc_seg: 76.9132, loss: 0.1520 2022-03-01 14:18:04,038 - mmseg - INFO - Iter [115950/160000] lr: 5.506e-06, eta: 4:24:09, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1051, decode.acc_seg: 75.9461, aux.loss_ce: 0.0477, aux.acc_seg: 75.4969, loss: 0.1528 2022-03-01 14:18:21,782 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:18:21,783 - mmseg - INFO - Iter [116000/160000] lr: 5.500e-06, eta: 4:23:51, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1029, decode.acc_seg: 76.7420, aux.loss_ce: 0.0466, aux.acc_seg: 76.2989, loss: 0.1496 2022-03-01 14:18:39,431 - mmseg - INFO - Iter [116050/160000] lr: 5.494e-06, eta: 4:23:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1150, decode.acc_seg: 76.7295, aux.loss_ce: 0.0516, aux.acc_seg: 76.3294, loss: 0.1666 2022-03-01 14:18:57,179 - mmseg - INFO - Iter [116100/160000] lr: 5.488e-06, eta: 4:23:15, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1076, decode.acc_seg: 76.2208, aux.loss_ce: 0.0484, aux.acc_seg: 75.8224, loss: 0.1560 2022-03-01 14:19:15,015 - mmseg - INFO - Iter [116150/160000] lr: 5.481e-06, eta: 4:22:57, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1064, decode.acc_seg: 78.8652, aux.loss_ce: 0.0482, aux.acc_seg: 78.4149, loss: 0.1547 2022-03-01 14:19:35,059 - mmseg - INFO - Iter [116200/160000] lr: 5.475e-06, eta: 4:22:40, time: 0.401, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1200, decode.acc_seg: 76.3473, aux.loss_ce: 0.0534, aux.acc_seg: 75.8949, loss: 0.1734 2022-03-01 14:19:52,688 - mmseg - INFO - Iter [116250/160000] lr: 5.469e-06, eta: 4:22:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1124, decode.acc_seg: 76.1025, aux.loss_ce: 0.0509, aux.acc_seg: 75.6520, loss: 0.1633 2022-03-01 14:20:10,283 - mmseg - INFO - Iter [116300/160000] lr: 5.463e-06, eta: 4:22:04, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1074, decode.acc_seg: 76.4985, aux.loss_ce: 0.0480, aux.acc_seg: 76.1217, loss: 0.1555 2022-03-01 14:20:27,884 - mmseg - INFO - Iter [116350/160000] lr: 5.456e-06, eta: 4:21:45, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1023, decode.acc_seg: 75.9220, aux.loss_ce: 0.0467, aux.acc_seg: 75.4701, loss: 0.1490 2022-03-01 14:20:45,599 - mmseg - INFO - Iter [116400/160000] lr: 5.450e-06, eta: 4:21:27, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1114, decode.acc_seg: 76.7621, aux.loss_ce: 0.0499, aux.acc_seg: 76.3064, loss: 0.1613 2022-03-01 14:21:03,199 - mmseg - INFO - Iter [116450/160000] lr: 5.444e-06, eta: 4:21:09, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1116, decode.acc_seg: 78.5435, aux.loss_ce: 0.0506, aux.acc_seg: 78.0817, loss: 0.1622 2022-03-01 14:21:20,884 - mmseg - INFO - Iter [116500/160000] lr: 5.438e-06, eta: 4:20:51, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1090, decode.acc_seg: 77.8893, aux.loss_ce: 0.0500, aux.acc_seg: 77.3648, loss: 0.1590 2022-03-01 14:21:38,519 - mmseg - INFO - Iter [116550/160000] lr: 5.431e-06, eta: 4:20:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1075, decode.acc_seg: 77.4181, aux.loss_ce: 0.0493, aux.acc_seg: 76.9574, loss: 0.1568 2022-03-01 14:21:56,385 - mmseg - INFO - Iter [116600/160000] lr: 5.425e-06, eta: 4:20:15, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1082, decode.acc_seg: 78.0312, aux.loss_ce: 0.0490, aux.acc_seg: 77.5963, loss: 0.1572 2022-03-01 14:22:14,162 - mmseg - INFO - Iter [116650/160000] lr: 5.419e-06, eta: 4:19:57, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1077, decode.acc_seg: 77.4451, aux.loss_ce: 0.0486, aux.acc_seg: 77.0370, loss: 0.1563 2022-03-01 14:22:31,919 - mmseg - INFO - Iter [116700/160000] lr: 5.413e-06, eta: 4:19:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1069, decode.acc_seg: 76.5394, aux.loss_ce: 0.0484, aux.acc_seg: 76.0794, loss: 0.1554 2022-03-01 14:22:49,725 - mmseg - INFO - Iter [116750/160000] lr: 5.406e-06, eta: 4:19:21, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1079, decode.acc_seg: 76.1838, aux.loss_ce: 0.0488, aux.acc_seg: 75.7616, loss: 0.1566 2022-03-01 14:23:07,554 - mmseg - INFO - Iter [116800/160000] lr: 5.400e-06, eta: 4:19:03, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1061, decode.acc_seg: 76.8143, aux.loss_ce: 0.0480, aux.acc_seg: 76.3778, loss: 0.1540 2022-03-01 14:23:25,235 - mmseg - INFO - Iter [116850/160000] lr: 5.394e-06, eta: 4:18:45, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1146, decode.acc_seg: 75.9503, aux.loss_ce: 0.0520, aux.acc_seg: 75.4512, loss: 0.1665 2022-03-01 14:23:42,921 - mmseg - INFO - Iter [116900/160000] lr: 5.388e-06, eta: 4:18:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1126, decode.acc_seg: 77.3993, aux.loss_ce: 0.0510, aux.acc_seg: 76.9426, loss: 0.1637 2022-03-01 14:24:00,615 - mmseg - INFO - Iter [116950/160000] lr: 5.381e-06, eta: 4:18:08, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1038, decode.acc_seg: 76.4786, aux.loss_ce: 0.0467, aux.acc_seg: 76.0652, loss: 0.1505 2022-03-01 14:24:18,446 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:24:18,446 - mmseg - INFO - Iter [117000/160000] lr: 5.375e-06, eta: 4:17:50, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1043, decode.acc_seg: 76.6659, aux.loss_ce: 0.0470, aux.acc_seg: 76.2451, loss: 0.1512 2022-03-01 14:24:36,087 - mmseg - INFO - Iter [117050/160000] lr: 5.369e-06, eta: 4:17:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1110, decode.acc_seg: 77.4060, aux.loss_ce: 0.0504, aux.acc_seg: 76.9321, loss: 0.1614 2022-03-01 14:24:53,823 - mmseg - INFO - Iter [117100/160000] lr: 5.363e-06, eta: 4:17:14, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1069, decode.acc_seg: 78.2959, aux.loss_ce: 0.0489, aux.acc_seg: 77.8261, loss: 0.1558 2022-03-01 14:25:11,643 - mmseg - INFO - Iter [117150/160000] lr: 5.356e-06, eta: 4:16:56, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1067, decode.acc_seg: 77.0021, aux.loss_ce: 0.0478, aux.acc_seg: 76.6350, loss: 0.1544 2022-03-01 14:25:29,405 - mmseg - INFO - Iter [117200/160000] lr: 5.350e-06, eta: 4:16:38, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1107, decode.acc_seg: 78.2088, aux.loss_ce: 0.0498, aux.acc_seg: 77.7870, loss: 0.1605 2022-03-01 14:25:47,607 - mmseg - INFO - Iter [117250/160000] lr: 5.344e-06, eta: 4:16:20, time: 0.364, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 76.3357, aux.loss_ce: 0.0477, aux.acc_seg: 75.9299, loss: 0.1539 2022-03-01 14:26:05,459 - mmseg - INFO - Iter [117300/160000] lr: 5.338e-06, eta: 4:16:02, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1145, decode.acc_seg: 77.7327, aux.loss_ce: 0.0516, aux.acc_seg: 77.2903, loss: 0.1661 2022-03-01 14:26:23,165 - mmseg - INFO - Iter [117350/160000] lr: 5.331e-06, eta: 4:15:44, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 76.3074, aux.loss_ce: 0.0481, aux.acc_seg: 75.8320, loss: 0.1543 2022-03-01 14:26:40,871 - mmseg - INFO - Iter [117400/160000] lr: 5.325e-06, eta: 4:15:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1098, decode.acc_seg: 77.9163, aux.loss_ce: 0.0492, aux.acc_seg: 77.5141, loss: 0.1590 2022-03-01 14:26:58,737 - mmseg - INFO - Iter [117450/160000] lr: 5.319e-06, eta: 4:15:08, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1087, decode.acc_seg: 77.3758, aux.loss_ce: 0.0485, aux.acc_seg: 76.9754, loss: 0.1572 2022-03-01 14:27:19,361 - mmseg - INFO - Iter [117500/160000] lr: 5.313e-06, eta: 4:14:51, time: 0.412, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 76.7837, aux.loss_ce: 0.0484, aux.acc_seg: 76.3703, loss: 0.1557 2022-03-01 14:27:37,058 - mmseg - INFO - Iter [117550/160000] lr: 5.306e-06, eta: 4:14:33, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1104, decode.acc_seg: 76.7617, aux.loss_ce: 0.0497, aux.acc_seg: 76.3609, loss: 0.1601 2022-03-01 14:27:54,894 - mmseg - INFO - Iter [117600/160000] lr: 5.300e-06, eta: 4:14:15, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1052, decode.acc_seg: 76.9032, aux.loss_ce: 0.0473, aux.acc_seg: 76.4929, loss: 0.1525 2022-03-01 14:28:12,606 - mmseg - INFO - Iter [117650/160000] lr: 5.294e-06, eta: 4:13:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1039, decode.acc_seg: 77.2014, aux.loss_ce: 0.0475, aux.acc_seg: 76.7072, loss: 0.1514 2022-03-01 14:28:30,451 - mmseg - INFO - Iter [117700/160000] lr: 5.288e-06, eta: 4:13:39, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 76.2536, aux.loss_ce: 0.0468, aux.acc_seg: 75.8588, loss: 0.1513 2022-03-01 14:28:48,252 - mmseg - INFO - Iter [117750/160000] lr: 5.281e-06, eta: 4:13:20, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1091, decode.acc_seg: 75.9493, aux.loss_ce: 0.0490, aux.acc_seg: 75.5445, loss: 0.1581 2022-03-01 14:29:06,011 - mmseg - INFO - Iter [117800/160000] lr: 5.275e-06, eta: 4:13:02, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1065, decode.acc_seg: 77.0208, aux.loss_ce: 0.0485, aux.acc_seg: 76.5398, loss: 0.1550 2022-03-01 14:29:23,801 - mmseg - INFO - Iter [117850/160000] lr: 5.269e-06, eta: 4:12:44, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1091, decode.acc_seg: 76.6110, aux.loss_ce: 0.0490, aux.acc_seg: 76.1835, loss: 0.1581 2022-03-01 14:29:41,495 - mmseg - INFO - Iter [117900/160000] lr: 5.263e-06, eta: 4:12:26, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1083, decode.acc_seg: 77.0327, aux.loss_ce: 0.0489, aux.acc_seg: 76.6226, loss: 0.1572 2022-03-01 14:29:59,306 - mmseg - INFO - Iter [117950/160000] lr: 5.256e-06, eta: 4:12:08, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1022, decode.acc_seg: 76.7925, aux.loss_ce: 0.0457, aux.acc_seg: 76.3958, loss: 0.1478 2022-03-01 14:30:17,085 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:30:17,085 - mmseg - INFO - Iter [118000/160000] lr: 5.250e-06, eta: 4:11:50, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1017, decode.acc_seg: 75.2296, aux.loss_ce: 0.0460, aux.acc_seg: 74.8214, loss: 0.1477 2022-03-01 14:30:35,025 - mmseg - INFO - Iter [118050/160000] lr: 5.244e-06, eta: 4:11:32, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1083, decode.acc_seg: 75.9505, aux.loss_ce: 0.0494, aux.acc_seg: 75.4821, loss: 0.1578 2022-03-01 14:30:52,713 - mmseg - INFO - Iter [118100/160000] lr: 5.238e-06, eta: 4:11:14, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1154, decode.acc_seg: 78.0684, aux.loss_ce: 0.0522, aux.acc_seg: 77.6160, loss: 0.1676 2022-03-01 14:31:10,388 - mmseg - INFO - Iter [118150/160000] lr: 5.231e-06, eta: 4:10:56, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1076, decode.acc_seg: 76.3934, aux.loss_ce: 0.0490, aux.acc_seg: 75.9187, loss: 0.1566 2022-03-01 14:31:28,139 - mmseg - INFO - Iter [118200/160000] lr: 5.225e-06, eta: 4:10:38, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1056, decode.acc_seg: 77.7708, aux.loss_ce: 0.0477, aux.acc_seg: 77.3443, loss: 0.1533 2022-03-01 14:31:46,002 - mmseg - INFO - Iter [118250/160000] lr: 5.219e-06, eta: 4:10:20, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1087, decode.acc_seg: 77.1336, aux.loss_ce: 0.0489, aux.acc_seg: 76.7120, loss: 0.1576 2022-03-01 14:32:03,805 - mmseg - INFO - Iter [118300/160000] lr: 5.213e-06, eta: 4:10:02, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1106, decode.acc_seg: 78.5920, aux.loss_ce: 0.0498, aux.acc_seg: 78.2046, loss: 0.1604 2022-03-01 14:32:21,593 - mmseg - INFO - Iter [118350/160000] lr: 5.206e-06, eta: 4:09:44, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 78.2057, aux.loss_ce: 0.0480, aux.acc_seg: 77.7802, loss: 0.1542 2022-03-01 14:32:39,401 - mmseg - INFO - Iter [118400/160000] lr: 5.200e-06, eta: 4:09:26, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1054, decode.acc_seg: 77.2528, aux.loss_ce: 0.0473, aux.acc_seg: 76.8596, loss: 0.1527 2022-03-01 14:32:57,201 - mmseg - INFO - Iter [118450/160000] lr: 5.194e-06, eta: 4:09:08, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1157, decode.acc_seg: 77.8935, aux.loss_ce: 0.0515, aux.acc_seg: 77.4716, loss: 0.1673 2022-03-01 14:33:15,031 - mmseg - INFO - Iter [118500/160000] lr: 5.188e-06, eta: 4:08:50, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1089, decode.acc_seg: 77.5196, aux.loss_ce: 0.0484, aux.acc_seg: 77.1345, loss: 0.1573 2022-03-01 14:33:32,985 - mmseg - INFO - Iter [118550/160000] lr: 5.181e-06, eta: 4:08:32, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1099, decode.acc_seg: 78.3334, aux.loss_ce: 0.0495, aux.acc_seg: 77.9060, loss: 0.1594 2022-03-01 14:33:51,095 - mmseg - INFO - Iter [118600/160000] lr: 5.175e-06, eta: 4:08:14, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1057, decode.acc_seg: 77.8471, aux.loss_ce: 0.0482, aux.acc_seg: 77.3843, loss: 0.1539 2022-03-01 14:34:08,860 - mmseg - INFO - Iter [118650/160000] lr: 5.169e-06, eta: 4:07:56, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1043, decode.acc_seg: 75.6802, aux.loss_ce: 0.0472, aux.acc_seg: 75.2972, loss: 0.1514 2022-03-01 14:34:26,489 - mmseg - INFO - Iter [118700/160000] lr: 5.163e-06, eta: 4:07:37, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1097, decode.acc_seg: 77.9147, aux.loss_ce: 0.0491, aux.acc_seg: 77.5248, loss: 0.1588 2022-03-01 14:34:46,724 - mmseg - INFO - Iter [118750/160000] lr: 5.156e-06, eta: 4:07:20, time: 0.405, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1013, decode.acc_seg: 77.2257, aux.loss_ce: 0.0462, aux.acc_seg: 76.8186, loss: 0.1475 2022-03-01 14:35:04,441 - mmseg - INFO - Iter [118800/160000] lr: 5.150e-06, eta: 4:07:02, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1068, decode.acc_seg: 77.4541, aux.loss_ce: 0.0483, aux.acc_seg: 77.0261, loss: 0.1551 2022-03-01 14:35:22,207 - mmseg - INFO - Iter [118850/160000] lr: 5.144e-06, eta: 4:06:44, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 77.2640, aux.loss_ce: 0.0481, aux.acc_seg: 76.8154, loss: 0.1543 2022-03-01 14:35:40,205 - mmseg - INFO - Iter [118900/160000] lr: 5.138e-06, eta: 4:06:26, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1075, decode.acc_seg: 75.6070, aux.loss_ce: 0.0486, aux.acc_seg: 75.1808, loss: 0.1561 2022-03-01 14:35:58,136 - mmseg - INFO - Iter [118950/160000] lr: 5.131e-06, eta: 4:06:08, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1082, decode.acc_seg: 76.3242, aux.loss_ce: 0.0490, aux.acc_seg: 75.8516, loss: 0.1572 2022-03-01 14:36:15,931 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:36:15,931 - mmseg - INFO - Iter [119000/160000] lr: 5.125e-06, eta: 4:05:50, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1052, decode.acc_seg: 77.6024, aux.loss_ce: 0.0478, aux.acc_seg: 77.1499, loss: 0.1530 2022-03-01 14:36:33,583 - mmseg - INFO - Iter [119050/160000] lr: 5.119e-06, eta: 4:05:32, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1217, decode.acc_seg: 78.6056, aux.loss_ce: 0.0538, aux.acc_seg: 78.1612, loss: 0.1756 2022-03-01 14:36:51,317 - mmseg - INFO - Iter [119100/160000] lr: 5.113e-06, eta: 4:05:14, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1107, decode.acc_seg: 76.2317, aux.loss_ce: 0.0490, aux.acc_seg: 75.8815, loss: 0.1598 2022-03-01 14:37:09,110 - mmseg - INFO - Iter [119150/160000] lr: 5.106e-06, eta: 4:04:56, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1091, decode.acc_seg: 76.1988, aux.loss_ce: 0.0489, aux.acc_seg: 75.8278, loss: 0.1580 2022-03-01 14:37:26,831 - mmseg - INFO - Iter [119200/160000] lr: 5.100e-06, eta: 4:04:38, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1085, decode.acc_seg: 77.7639, aux.loss_ce: 0.0491, aux.acc_seg: 77.3223, loss: 0.1576 2022-03-01 14:37:44,503 - mmseg - INFO - Iter [119250/160000] lr: 5.094e-06, eta: 4:04:20, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1013, decode.acc_seg: 76.7851, aux.loss_ce: 0.0460, aux.acc_seg: 76.3701, loss: 0.1473 2022-03-01 14:38:02,345 - mmseg - INFO - Iter [119300/160000] lr: 5.088e-06, eta: 4:04:02, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1124, decode.acc_seg: 78.0171, aux.loss_ce: 0.0507, aux.acc_seg: 77.6070, loss: 0.1631 2022-03-01 14:38:20,199 - mmseg - INFO - Iter [119350/160000] lr: 5.081e-06, eta: 4:03:44, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1032, decode.acc_seg: 77.3781, aux.loss_ce: 0.0467, aux.acc_seg: 76.9324, loss: 0.1499 2022-03-01 14:38:37,998 - mmseg - INFO - Iter [119400/160000] lr: 5.075e-06, eta: 4:03:25, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1107, decode.acc_seg: 75.7857, aux.loss_ce: 0.0496, aux.acc_seg: 75.3814, loss: 0.1602 2022-03-01 14:38:55,952 - mmseg - INFO - Iter [119450/160000] lr: 5.069e-06, eta: 4:03:07, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1064, decode.acc_seg: 78.0305, aux.loss_ce: 0.0483, aux.acc_seg: 77.6018, loss: 0.1547 2022-03-01 14:39:13,561 - mmseg - INFO - Iter [119500/160000] lr: 5.063e-06, eta: 4:02:49, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1101, decode.acc_seg: 78.7165, aux.loss_ce: 0.0496, aux.acc_seg: 78.2868, loss: 0.1597 2022-03-01 14:39:31,249 - mmseg - INFO - Iter [119550/160000] lr: 5.056e-06, eta: 4:02:31, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1126, decode.acc_seg: 78.1583, aux.loss_ce: 0.0507, aux.acc_seg: 77.6651, loss: 0.1632 2022-03-01 14:39:49,090 - mmseg - INFO - Iter [119600/160000] lr: 5.050e-06, eta: 4:02:13, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1070, decode.acc_seg: 77.2907, aux.loss_ce: 0.0485, aux.acc_seg: 76.8200, loss: 0.1555 2022-03-01 14:40:06,823 - mmseg - INFO - Iter [119650/160000] lr: 5.044e-06, eta: 4:01:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1059, decode.acc_seg: 75.8151, aux.loss_ce: 0.0481, aux.acc_seg: 75.3712, loss: 0.1540 2022-03-01 14:40:24,548 - mmseg - INFO - Iter [119700/160000] lr: 5.038e-06, eta: 4:01:37, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1038, decode.acc_seg: 75.9711, aux.loss_ce: 0.0468, aux.acc_seg: 75.5559, loss: 0.1506 2022-03-01 14:40:42,326 - mmseg - INFO - Iter [119750/160000] lr: 5.031e-06, eta: 4:01:19, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 77.0049, aux.loss_ce: 0.0456, aux.acc_seg: 76.5990, loss: 0.1466 2022-03-01 14:40:59,979 - mmseg - INFO - Iter [119800/160000] lr: 5.025e-06, eta: 4:01:01, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1148, decode.acc_seg: 77.6485, aux.loss_ce: 0.0519, aux.acc_seg: 77.2290, loss: 0.1668 2022-03-01 14:41:17,849 - mmseg - INFO - Iter [119850/160000] lr: 5.019e-06, eta: 4:00:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1065, decode.acc_seg: 77.3560, aux.loss_ce: 0.0478, aux.acc_seg: 76.9232, loss: 0.1543 2022-03-01 14:41:35,620 - mmseg - INFO - Iter [119900/160000] lr: 5.013e-06, eta: 4:00:25, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1135, decode.acc_seg: 77.5519, aux.loss_ce: 0.0518, aux.acc_seg: 77.0695, loss: 0.1653 2022-03-01 14:41:53,321 - mmseg - INFO - Iter [119950/160000] lr: 5.006e-06, eta: 4:00:07, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1116, decode.acc_seg: 76.0471, aux.loss_ce: 0.0507, aux.acc_seg: 75.5829, loss: 0.1623 2022-03-01 14:42:13,425 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:42:13,425 - mmseg - INFO - Iter [120000/160000] lr: 5.000e-06, eta: 3:59:49, time: 0.402, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1038, decode.acc_seg: 76.6435, aux.loss_ce: 0.0466, aux.acc_seg: 76.2481, loss: 0.1504 2022-03-01 14:42:31,095 - mmseg - INFO - Iter [120050/160000] lr: 4.994e-06, eta: 3:59:31, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1035, decode.acc_seg: 76.2790, aux.loss_ce: 0.0474, aux.acc_seg: 75.8129, loss: 0.1509 2022-03-01 14:42:48,948 - mmseg - INFO - Iter [120100/160000] lr: 4.988e-06, eta: 3:59:13, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 75.7796, aux.loss_ce: 0.0484, aux.acc_seg: 75.3876, loss: 0.1558 2022-03-01 14:43:06,801 - mmseg - INFO - Iter [120150/160000] lr: 4.981e-06, eta: 3:58:55, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 77.4175, aux.loss_ce: 0.0481, aux.acc_seg: 76.9661, loss: 0.1540 2022-03-01 14:43:24,661 - mmseg - INFO - Iter [120200/160000] lr: 4.975e-06, eta: 3:58:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1072, decode.acc_seg: 76.6541, aux.loss_ce: 0.0481, aux.acc_seg: 76.2291, loss: 0.1553 2022-03-01 14:43:42,621 - mmseg - INFO - Iter [120250/160000] lr: 4.969e-06, eta: 3:58:19, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1094, decode.acc_seg: 78.4448, aux.loss_ce: 0.0495, aux.acc_seg: 77.9839, loss: 0.1589 2022-03-01 14:44:00,340 - mmseg - INFO - Iter [120300/160000] lr: 4.963e-06, eta: 3:58:01, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1027, decode.acc_seg: 76.7467, aux.loss_ce: 0.0470, aux.acc_seg: 76.3054, loss: 0.1497 2022-03-01 14:44:18,169 - mmseg - INFO - Iter [120350/160000] lr: 4.956e-06, eta: 3:57:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1005, decode.acc_seg: 76.5049, aux.loss_ce: 0.0451, aux.acc_seg: 76.1442, loss: 0.1455 2022-03-01 14:44:35,854 - mmseg - INFO - Iter [120400/160000] lr: 4.950e-06, eta: 3:57:25, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1101, decode.acc_seg: 77.6371, aux.loss_ce: 0.0497, aux.acc_seg: 77.1821, loss: 0.1598 2022-03-01 14:44:53,612 - mmseg - INFO - Iter [120450/160000] lr: 4.944e-06, eta: 3:57:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1055, decode.acc_seg: 77.4313, aux.loss_ce: 0.0476, aux.acc_seg: 77.0112, loss: 0.1531 2022-03-01 14:45:11,336 - mmseg - INFO - Iter [120500/160000] lr: 4.938e-06, eta: 3:56:49, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1074, decode.acc_seg: 77.2485, aux.loss_ce: 0.0484, aux.acc_seg: 76.8115, loss: 0.1558 2022-03-01 14:45:29,240 - mmseg - INFO - Iter [120550/160000] lr: 4.931e-06, eta: 3:56:31, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1061, decode.acc_seg: 78.2152, aux.loss_ce: 0.0480, aux.acc_seg: 77.7808, loss: 0.1541 2022-03-01 14:45:46,963 - mmseg - INFO - Iter [120600/160000] lr: 4.925e-06, eta: 3:56:13, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 76.3405, aux.loss_ce: 0.0467, aux.acc_seg: 75.8990, loss: 0.1511 2022-03-01 14:46:04,909 - mmseg - INFO - Iter [120650/160000] lr: 4.919e-06, eta: 3:55:55, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1021, decode.acc_seg: 76.9748, aux.loss_ce: 0.0463, aux.acc_seg: 76.5526, loss: 0.1483 2022-03-01 14:46:22,662 - mmseg - INFO - Iter [120700/160000] lr: 4.913e-06, eta: 3:55:37, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1111, decode.acc_seg: 77.1151, aux.loss_ce: 0.0505, aux.acc_seg: 76.6455, loss: 0.1616 2022-03-01 14:46:40,380 - mmseg - INFO - Iter [120750/160000] lr: 4.906e-06, eta: 3:55:19, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1076, decode.acc_seg: 77.2353, aux.loss_ce: 0.0488, aux.acc_seg: 76.7779, loss: 0.1564 2022-03-01 14:46:58,064 - mmseg - INFO - Iter [120800/160000] lr: 4.900e-06, eta: 3:55:01, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1061, decode.acc_seg: 77.9364, aux.loss_ce: 0.0477, aux.acc_seg: 77.5124, loss: 0.1538 2022-03-01 14:47:15,988 - mmseg - INFO - Iter [120850/160000] lr: 4.894e-06, eta: 3:54:43, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1144, decode.acc_seg: 76.4769, aux.loss_ce: 0.0512, aux.acc_seg: 76.0725, loss: 0.1656 2022-03-01 14:47:33,761 - mmseg - INFO - Iter [120900/160000] lr: 4.888e-06, eta: 3:54:25, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 76.7492, aux.loss_ce: 0.0482, aux.acc_seg: 76.2988, loss: 0.1542 2022-03-01 14:47:51,715 - mmseg - INFO - Iter [120950/160000] lr: 4.881e-06, eta: 3:54:07, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1029, decode.acc_seg: 77.7670, aux.loss_ce: 0.0469, aux.acc_seg: 77.3251, loss: 0.1498 2022-03-01 14:48:09,323 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:48:09,323 - mmseg - INFO - Iter [121000/160000] lr: 4.875e-06, eta: 3:53:48, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 76.8016, aux.loss_ce: 0.0472, aux.acc_seg: 76.3784, loss: 0.1512 2022-03-01 14:48:26,957 - mmseg - INFO - Iter [121050/160000] lr: 4.869e-06, eta: 3:53:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1026, decode.acc_seg: 77.4433, aux.loss_ce: 0.0471, aux.acc_seg: 76.9460, loss: 0.1497 2022-03-01 14:48:44,676 - mmseg - INFO - Iter [121100/160000] lr: 4.863e-06, eta: 3:53:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1057, decode.acc_seg: 77.0002, aux.loss_ce: 0.0479, aux.acc_seg: 76.5788, loss: 0.1536 2022-03-01 14:49:02,488 - mmseg - INFO - Iter [121150/160000] lr: 4.856e-06, eta: 3:52:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1043, decode.acc_seg: 77.5372, aux.loss_ce: 0.0468, aux.acc_seg: 77.1207, loss: 0.1511 2022-03-01 14:49:20,287 - mmseg - INFO - Iter [121200/160000] lr: 4.850e-06, eta: 3:52:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 76.5096, aux.loss_ce: 0.0480, aux.acc_seg: 76.1063, loss: 0.1540 2022-03-01 14:49:40,216 - mmseg - INFO - Iter [121250/160000] lr: 4.844e-06, eta: 3:52:19, time: 0.399, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1047, decode.acc_seg: 76.6838, aux.loss_ce: 0.0473, aux.acc_seg: 76.2416, loss: 0.1520 2022-03-01 14:49:57,896 - mmseg - INFO - Iter [121300/160000] lr: 4.838e-06, eta: 3:52:01, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1049, decode.acc_seg: 77.6558, aux.loss_ce: 0.0474, aux.acc_seg: 77.2317, loss: 0.1523 2022-03-01 14:50:15,752 - mmseg - INFO - Iter [121350/160000] lr: 4.831e-06, eta: 3:51:43, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1081, decode.acc_seg: 78.3091, aux.loss_ce: 0.0488, aux.acc_seg: 77.8839, loss: 0.1569 2022-03-01 14:50:33,683 - mmseg - INFO - Iter [121400/160000] lr: 4.825e-06, eta: 3:51:25, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0975, decode.acc_seg: 77.0683, aux.loss_ce: 0.0443, aux.acc_seg: 76.6305, loss: 0.1418 2022-03-01 14:50:51,372 - mmseg - INFO - Iter [121450/160000] lr: 4.819e-06, eta: 3:51:07, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1072, decode.acc_seg: 76.9702, aux.loss_ce: 0.0486, aux.acc_seg: 76.5235, loss: 0.1559 2022-03-01 14:51:09,098 - mmseg - INFO - Iter [121500/160000] lr: 4.813e-06, eta: 3:50:49, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1056, decode.acc_seg: 76.8237, aux.loss_ce: 0.0481, aux.acc_seg: 76.3567, loss: 0.1537 2022-03-01 14:51:26,849 - mmseg - INFO - Iter [121550/160000] lr: 4.806e-06, eta: 3:50:31, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1084, decode.acc_seg: 77.2727, aux.loss_ce: 0.0491, aux.acc_seg: 76.8388, loss: 0.1574 2022-03-01 14:51:44,578 - mmseg - INFO - Iter [121600/160000] lr: 4.800e-06, eta: 3:50:12, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 76.3268, aux.loss_ce: 0.0474, aux.acc_seg: 75.8618, loss: 0.1519 2022-03-01 14:52:02,481 - mmseg - INFO - Iter [121650/160000] lr: 4.794e-06, eta: 3:49:54, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1001, decode.acc_seg: 76.0623, aux.loss_ce: 0.0454, aux.acc_seg: 75.6413, loss: 0.1455 2022-03-01 14:52:20,210 - mmseg - INFO - Iter [121700/160000] lr: 4.788e-06, eta: 3:49:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1064, decode.acc_seg: 76.5886, aux.loss_ce: 0.0484, aux.acc_seg: 76.1215, loss: 0.1548 2022-03-01 14:52:37,877 - mmseg - INFO - Iter [121750/160000] lr: 4.781e-06, eta: 3:49:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1038, decode.acc_seg: 76.5559, aux.loss_ce: 0.0470, aux.acc_seg: 76.1395, loss: 0.1508 2022-03-01 14:52:55,509 - mmseg - INFO - Iter [121800/160000] lr: 4.775e-06, eta: 3:49:00, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 77.0864, aux.loss_ce: 0.0445, aux.acc_seg: 76.6775, loss: 0.1426 2022-03-01 14:53:13,284 - mmseg - INFO - Iter [121850/160000] lr: 4.769e-06, eta: 3:48:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1036, decode.acc_seg: 76.2467, aux.loss_ce: 0.0470, aux.acc_seg: 75.7982, loss: 0.1506 2022-03-01 14:53:31,100 - mmseg - INFO - Iter [121900/160000] lr: 4.763e-06, eta: 3:48:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1068, decode.acc_seg: 75.5389, aux.loss_ce: 0.0481, aux.acc_seg: 75.1235, loss: 0.1549 2022-03-01 14:53:48,900 - mmseg - INFO - Iter [121950/160000] lr: 4.756e-06, eta: 3:48:06, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1128, decode.acc_seg: 77.3140, aux.loss_ce: 0.0501, aux.acc_seg: 76.8595, loss: 0.1628 2022-03-01 14:54:06,622 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 14:54:06,622 - mmseg - INFO - Iter [122000/160000] lr: 4.750e-06, eta: 3:47:48, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1055, decode.acc_seg: 78.8669, aux.loss_ce: 0.0479, aux.acc_seg: 78.4280, loss: 0.1534 2022-03-01 14:54:24,276 - mmseg - INFO - Iter [122050/160000] lr: 4.744e-06, eta: 3:47:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1054, decode.acc_seg: 76.6085, aux.loss_ce: 0.0478, aux.acc_seg: 76.1431, loss: 0.1532 2022-03-01 14:54:41,993 - mmseg - INFO - Iter [122100/160000] lr: 4.738e-06, eta: 3:47:12, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1015, decode.acc_seg: 76.0676, aux.loss_ce: 0.0465, aux.acc_seg: 75.5925, loss: 0.1480 2022-03-01 14:54:59,826 - mmseg - INFO - Iter [122150/160000] lr: 4.731e-06, eta: 3:46:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1030, decode.acc_seg: 76.1048, aux.loss_ce: 0.0475, aux.acc_seg: 75.5835, loss: 0.1505 2022-03-01 14:55:17,590 - mmseg - INFO - Iter [122200/160000] lr: 4.725e-06, eta: 3:46:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 77.5773, aux.loss_ce: 0.0490, aux.acc_seg: 77.1113, loss: 0.1563 2022-03-01 14:55:35,230 - mmseg - INFO - Iter [122250/160000] lr: 4.719e-06, eta: 3:46:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1066, decode.acc_seg: 76.6845, aux.loss_ce: 0.0480, aux.acc_seg: 76.2677, loss: 0.1547 2022-03-01 14:55:53,083 - mmseg - INFO - Iter [122300/160000] lr: 4.713e-06, eta: 3:46:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1064, decode.acc_seg: 76.0423, aux.loss_ce: 0.0480, aux.acc_seg: 75.6263, loss: 0.1544 2022-03-01 14:56:10,783 - mmseg - INFO - Iter [122350/160000] lr: 4.706e-06, eta: 3:45:42, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 76.5121, aux.loss_ce: 0.0458, aux.acc_seg: 76.1120, loss: 0.1468 2022-03-01 14:56:28,572 - mmseg - INFO - Iter [122400/160000] lr: 4.700e-06, eta: 3:45:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1104, decode.acc_seg: 77.1162, aux.loss_ce: 0.0504, aux.acc_seg: 76.6135, loss: 0.1608 2022-03-01 14:56:46,224 - mmseg - INFO - Iter [122450/160000] lr: 4.694e-06, eta: 3:45:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1140, decode.acc_seg: 77.4191, aux.loss_ce: 0.0511, aux.acc_seg: 77.0217, loss: 0.1650 2022-03-01 14:57:03,870 - mmseg - INFO - Iter [122500/160000] lr: 4.688e-06, eta: 3:44:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1029, decode.acc_seg: 74.9771, aux.loss_ce: 0.0462, aux.acc_seg: 74.5748, loss: 0.1491 2022-03-01 14:57:23,859 - mmseg - INFO - Iter [122550/160000] lr: 4.681e-06, eta: 3:44:30, time: 0.400, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 77.0246, aux.loss_ce: 0.0469, aux.acc_seg: 76.6390, loss: 0.1508 2022-03-01 14:57:41,654 - mmseg - INFO - Iter [122600/160000] lr: 4.675e-06, eta: 3:44:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0974, decode.acc_seg: 74.6972, aux.loss_ce: 0.0440, aux.acc_seg: 74.3074, loss: 0.1414 2022-03-01 14:57:59,462 - mmseg - INFO - Iter [122650/160000] lr: 4.669e-06, eta: 3:43:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1006, decode.acc_seg: 78.0468, aux.loss_ce: 0.0453, aux.acc_seg: 77.6547, loss: 0.1459 2022-03-01 14:58:17,204 - mmseg - INFO - Iter [122700/160000] lr: 4.663e-06, eta: 3:43:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1027, decode.acc_seg: 76.7627, aux.loss_ce: 0.0465, aux.acc_seg: 76.3436, loss: 0.1493 2022-03-01 14:58:35,165 - mmseg - INFO - Iter [122750/160000] lr: 4.656e-06, eta: 3:43:18, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1075, decode.acc_seg: 75.0832, aux.loss_ce: 0.0491, aux.acc_seg: 74.6055, loss: 0.1566 2022-03-01 14:58:52,896 - mmseg - INFO - Iter [122800/160000] lr: 4.650e-06, eta: 3:43:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1018, decode.acc_seg: 76.2748, aux.loss_ce: 0.0467, aux.acc_seg: 75.8303, loss: 0.1485 2022-03-01 14:59:10,579 - mmseg - INFO - Iter [122850/160000] lr: 4.644e-06, eta: 3:42:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1074, decode.acc_seg: 77.0168, aux.loss_ce: 0.0489, aux.acc_seg: 76.5384, loss: 0.1563 2022-03-01 14:59:28,229 - mmseg - INFO - Iter [122900/160000] lr: 4.638e-06, eta: 3:42:24, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0947, decode.acc_seg: 77.4594, aux.loss_ce: 0.0429, aux.acc_seg: 77.0731, loss: 0.1376 2022-03-01 14:59:45,841 - mmseg - INFO - Iter [122950/160000] lr: 4.631e-06, eta: 3:42:06, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 76.4582, aux.loss_ce: 0.0436, aux.acc_seg: 75.9963, loss: 0.1388 2022-03-01 15:00:03,513 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:00:03,514 - mmseg - INFO - Iter [123000/160000] lr: 4.625e-06, eta: 3:41:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1018, decode.acc_seg: 77.7092, aux.loss_ce: 0.0460, aux.acc_seg: 77.3018, loss: 0.1478 2022-03-01 15:00:21,266 - mmseg - INFO - Iter [123050/160000] lr: 4.619e-06, eta: 3:41:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1011, decode.acc_seg: 75.7482, aux.loss_ce: 0.0452, aux.acc_seg: 75.3859, loss: 0.1463 2022-03-01 15:00:38,904 - mmseg - INFO - Iter [123100/160000] lr: 4.613e-06, eta: 3:41:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1075, decode.acc_seg: 78.2049, aux.loss_ce: 0.0489, aux.acc_seg: 77.7482, loss: 0.1564 2022-03-01 15:00:56,578 - mmseg - INFO - Iter [123150/160000] lr: 4.606e-06, eta: 3:40:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1078, decode.acc_seg: 77.8400, aux.loss_ce: 0.0486, aux.acc_seg: 77.3955, loss: 0.1564 2022-03-01 15:01:14,302 - mmseg - INFO - Iter [123200/160000] lr: 4.600e-06, eta: 3:40:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1121, decode.acc_seg: 76.5964, aux.loss_ce: 0.0504, aux.acc_seg: 76.1732, loss: 0.1625 2022-03-01 15:01:32,144 - mmseg - INFO - Iter [123250/160000] lr: 4.594e-06, eta: 3:40:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 78.1957, aux.loss_ce: 0.0470, aux.acc_seg: 77.7532, loss: 0.1510 2022-03-01 15:01:49,975 - mmseg - INFO - Iter [123300/160000] lr: 4.588e-06, eta: 3:39:59, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1120, decode.acc_seg: 76.8181, aux.loss_ce: 0.0505, aux.acc_seg: 76.3718, loss: 0.1625 2022-03-01 15:02:07,663 - mmseg - INFO - Iter [123350/160000] lr: 4.581e-06, eta: 3:39:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 77.6510, aux.loss_ce: 0.0478, aux.acc_seg: 77.2416, loss: 0.1541 2022-03-01 15:02:25,481 - mmseg - INFO - Iter [123400/160000] lr: 4.575e-06, eta: 3:39:23, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1088, decode.acc_seg: 77.4011, aux.loss_ce: 0.0488, aux.acc_seg: 76.9746, loss: 0.1576 2022-03-01 15:02:43,217 - mmseg - INFO - Iter [123450/160000] lr: 4.569e-06, eta: 3:39:05, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1043, decode.acc_seg: 77.7412, aux.loss_ce: 0.0472, aux.acc_seg: 77.3206, loss: 0.1515 2022-03-01 15:03:01,123 - mmseg - INFO - Iter [123500/160000] lr: 4.563e-06, eta: 3:38:47, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0974, decode.acc_seg: 75.3823, aux.loss_ce: 0.0442, aux.acc_seg: 74.9722, loss: 0.1417 2022-03-01 15:03:19,025 - mmseg - INFO - Iter [123550/160000] lr: 4.556e-06, eta: 3:38:29, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 77.8838, aux.loss_ce: 0.0467, aux.acc_seg: 77.4610, loss: 0.1507 2022-03-01 15:03:36,851 - mmseg - INFO - Iter [123600/160000] lr: 4.550e-06, eta: 3:38:11, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1047, decode.acc_seg: 75.1730, aux.loss_ce: 0.0474, aux.acc_seg: 74.6951, loss: 0.1521 2022-03-01 15:03:54,750 - mmseg - INFO - Iter [123650/160000] lr: 4.544e-06, eta: 3:37:53, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1053, decode.acc_seg: 76.1896, aux.loss_ce: 0.0476, aux.acc_seg: 75.7885, loss: 0.1529 2022-03-01 15:04:12,413 - mmseg - INFO - Iter [123700/160000] lr: 4.538e-06, eta: 3:37:35, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1083, decode.acc_seg: 77.5356, aux.loss_ce: 0.0488, aux.acc_seg: 77.1294, loss: 0.1571 2022-03-01 15:04:30,288 - mmseg - INFO - Iter [123750/160000] lr: 4.531e-06, eta: 3:37:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1058, decode.acc_seg: 77.0851, aux.loss_ce: 0.0477, aux.acc_seg: 76.6763, loss: 0.1535 2022-03-01 15:04:50,422 - mmseg - INFO - Iter [123800/160000] lr: 4.525e-06, eta: 3:36:59, time: 0.403, data_time: 0.052, memory: 49013, decode.loss_ce: 0.1046, decode.acc_seg: 77.1088, aux.loss_ce: 0.0475, aux.acc_seg: 76.6766, loss: 0.1521 2022-03-01 15:05:08,196 - mmseg - INFO - Iter [123850/160000] lr: 4.519e-06, eta: 3:36:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1019, decode.acc_seg: 76.0327, aux.loss_ce: 0.0463, aux.acc_seg: 75.5767, loss: 0.1482 2022-03-01 15:05:26,007 - mmseg - INFO - Iter [123900/160000] lr: 4.513e-06, eta: 3:36:23, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 76.3465, aux.loss_ce: 0.0475, aux.acc_seg: 75.8838, loss: 0.1515 2022-03-01 15:05:43,642 - mmseg - INFO - Iter [123950/160000] lr: 4.506e-06, eta: 3:36:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0964, decode.acc_seg: 75.5220, aux.loss_ce: 0.0441, aux.acc_seg: 75.0649, loss: 0.1404 2022-03-01 15:06:01,299 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:06:01,299 - mmseg - INFO - Iter [124000/160000] lr: 4.500e-06, eta: 3:35:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 77.1580, aux.loss_ce: 0.0480, aux.acc_seg: 76.7448, loss: 0.1542 2022-03-01 15:06:19,102 - mmseg - INFO - Iter [124050/160000] lr: 4.494e-06, eta: 3:35:29, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1128, decode.acc_seg: 78.4729, aux.loss_ce: 0.0506, aux.acc_seg: 78.0168, loss: 0.1634 2022-03-01 15:06:36,792 - mmseg - INFO - Iter [124100/160000] lr: 4.488e-06, eta: 3:35:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 77.2383, aux.loss_ce: 0.0475, aux.acc_seg: 76.8514, loss: 0.1535 2022-03-01 15:06:54,581 - mmseg - INFO - Iter [124150/160000] lr: 4.481e-06, eta: 3:34:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1057, decode.acc_seg: 77.9577, aux.loss_ce: 0.0480, aux.acc_seg: 77.5268, loss: 0.1537 2022-03-01 15:07:12,278 - mmseg - INFO - Iter [124200/160000] lr: 4.475e-06, eta: 3:34:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 76.2262, aux.loss_ce: 0.0444, aux.acc_seg: 75.7600, loss: 0.1413 2022-03-01 15:07:29,931 - mmseg - INFO - Iter [124250/160000] lr: 4.469e-06, eta: 3:34:17, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 76.1518, aux.loss_ce: 0.0461, aux.acc_seg: 75.6942, loss: 0.1471 2022-03-01 15:07:47,704 - mmseg - INFO - Iter [124300/160000] lr: 4.463e-06, eta: 3:33:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1046, decode.acc_seg: 77.0104, aux.loss_ce: 0.0475, aux.acc_seg: 76.5805, loss: 0.1520 2022-03-01 15:08:05,374 - mmseg - INFO - Iter [124350/160000] lr: 4.456e-06, eta: 3:33:41, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1022, decode.acc_seg: 76.3444, aux.loss_ce: 0.0463, aux.acc_seg: 75.9438, loss: 0.1485 2022-03-01 15:08:23,026 - mmseg - INFO - Iter [124400/160000] lr: 4.450e-06, eta: 3:33:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0980, decode.acc_seg: 75.7968, aux.loss_ce: 0.0445, aux.acc_seg: 75.3942, loss: 0.1425 2022-03-01 15:08:40,775 - mmseg - INFO - Iter [124450/160000] lr: 4.444e-06, eta: 3:33:05, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1038, decode.acc_seg: 75.5760, aux.loss_ce: 0.0470, aux.acc_seg: 75.1393, loss: 0.1508 2022-03-01 15:08:58,565 - mmseg - INFO - Iter [124500/160000] lr: 4.438e-06, eta: 3:32:47, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1039, decode.acc_seg: 77.6485, aux.loss_ce: 0.0473, aux.acc_seg: 77.2301, loss: 0.1512 2022-03-01 15:09:16,452 - mmseg - INFO - Iter [124550/160000] lr: 4.431e-06, eta: 3:32:29, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0988, decode.acc_seg: 76.0390, aux.loss_ce: 0.0448, aux.acc_seg: 75.6250, loss: 0.1436 2022-03-01 15:09:34,272 - mmseg - INFO - Iter [124600/160000] lr: 4.425e-06, eta: 3:32:11, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1070, decode.acc_seg: 77.4721, aux.loss_ce: 0.0480, aux.acc_seg: 77.0631, loss: 0.1550 2022-03-01 15:09:51,918 - mmseg - INFO - Iter [124650/160000] lr: 4.419e-06, eta: 3:31:53, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0991, decode.acc_seg: 76.5172, aux.loss_ce: 0.0450, aux.acc_seg: 76.1022, loss: 0.1441 2022-03-01 15:10:09,650 - mmseg - INFO - Iter [124700/160000] lr: 4.413e-06, eta: 3:31:35, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1052, decode.acc_seg: 76.3459, aux.loss_ce: 0.0477, aux.acc_seg: 75.8710, loss: 0.1529 2022-03-01 15:10:27,316 - mmseg - INFO - Iter [124750/160000] lr: 4.406e-06, eta: 3:31:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1085, decode.acc_seg: 76.9159, aux.loss_ce: 0.0492, aux.acc_seg: 76.4500, loss: 0.1577 2022-03-01 15:10:45,114 - mmseg - INFO - Iter [124800/160000] lr: 4.400e-06, eta: 3:30:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1036, decode.acc_seg: 75.7875, aux.loss_ce: 0.0467, aux.acc_seg: 75.3613, loss: 0.1503 2022-03-01 15:11:02,855 - mmseg - INFO - Iter [124850/160000] lr: 4.394e-06, eta: 3:30:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1018, decode.acc_seg: 78.1427, aux.loss_ce: 0.0464, aux.acc_seg: 77.6879, loss: 0.1482 2022-03-01 15:11:20,736 - mmseg - INFO - Iter [124900/160000] lr: 4.388e-06, eta: 3:30:22, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1057, decode.acc_seg: 76.8228, aux.loss_ce: 0.0479, aux.acc_seg: 76.4026, loss: 0.1536 2022-03-01 15:11:38,356 - mmseg - INFO - Iter [124950/160000] lr: 4.381e-06, eta: 3:30:04, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1008, decode.acc_seg: 76.7196, aux.loss_ce: 0.0462, aux.acc_seg: 76.2519, loss: 0.1470 2022-03-01 15:11:56,022 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:11:56,022 - mmseg - INFO - Iter [125000/160000] lr: 4.375e-06, eta: 3:29:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1033, decode.acc_seg: 77.0944, aux.loss_ce: 0.0465, aux.acc_seg: 76.6814, loss: 0.1498 2022-03-01 15:12:16,305 - mmseg - INFO - Iter [125050/160000] lr: 4.369e-06, eta: 3:29:29, time: 0.406, data_time: 0.049, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 76.7184, aux.loss_ce: 0.0480, aux.acc_seg: 76.2832, loss: 0.1540 2022-03-01 15:12:34,076 - mmseg - INFO - Iter [125100/160000] lr: 4.363e-06, eta: 3:29:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1097, decode.acc_seg: 77.8754, aux.loss_ce: 0.0498, aux.acc_seg: 77.3958, loss: 0.1595 2022-03-01 15:12:52,006 - mmseg - INFO - Iter [125150/160000] lr: 4.356e-06, eta: 3:28:53, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1082, decode.acc_seg: 77.0031, aux.loss_ce: 0.0480, aux.acc_seg: 76.5502, loss: 0.1562 2022-03-01 15:13:09,878 - mmseg - INFO - Iter [125200/160000] lr: 4.350e-06, eta: 3:28:35, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1051, decode.acc_seg: 78.0524, aux.loss_ce: 0.0474, aux.acc_seg: 77.6328, loss: 0.1525 2022-03-01 15:13:27,820 - mmseg - INFO - Iter [125250/160000] lr: 4.344e-06, eta: 3:28:17, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1003, decode.acc_seg: 77.6763, aux.loss_ce: 0.0455, aux.acc_seg: 77.2516, loss: 0.1458 2022-03-01 15:13:45,601 - mmseg - INFO - Iter [125300/160000] lr: 4.338e-06, eta: 3:27:59, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 77.4208, aux.loss_ce: 0.0481, aux.acc_seg: 77.0337, loss: 0.1554 2022-03-01 15:14:03,402 - mmseg - INFO - Iter [125350/160000] lr: 4.331e-06, eta: 3:27:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1037, decode.acc_seg: 75.3540, aux.loss_ce: 0.0464, aux.acc_seg: 74.9637, loss: 0.1501 2022-03-01 15:14:21,189 - mmseg - INFO - Iter [125400/160000] lr: 4.325e-06, eta: 3:27:23, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1007, decode.acc_seg: 77.8757, aux.loss_ce: 0.0458, aux.acc_seg: 77.4451, loss: 0.1465 2022-03-01 15:14:39,004 - mmseg - INFO - Iter [125450/160000] lr: 4.319e-06, eta: 3:27:05, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 77.7954, aux.loss_ce: 0.0473, aux.acc_seg: 77.3678, loss: 0.1517 2022-03-01 15:14:56,994 - mmseg - INFO - Iter [125500/160000] lr: 4.313e-06, eta: 3:26:47, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1030, decode.acc_seg: 76.6839, aux.loss_ce: 0.0468, aux.acc_seg: 76.2421, loss: 0.1498 2022-03-01 15:15:14,684 - mmseg - INFO - Iter [125550/160000] lr: 4.306e-06, eta: 3:26:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1028, decode.acc_seg: 76.9859, aux.loss_ce: 0.0467, aux.acc_seg: 76.5164, loss: 0.1495 2022-03-01 15:15:32,593 - mmseg - INFO - Iter [125600/160000] lr: 4.300e-06, eta: 3:26:11, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1033, decode.acc_seg: 76.6528, aux.loss_ce: 0.0468, aux.acc_seg: 76.2316, loss: 0.1501 2022-03-01 15:15:50,692 - mmseg - INFO - Iter [125650/160000] lr: 4.294e-06, eta: 3:25:53, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1037, decode.acc_seg: 76.4965, aux.loss_ce: 0.0472, aux.acc_seg: 76.0631, loss: 0.1509 2022-03-01 15:16:08,338 - mmseg - INFO - Iter [125700/160000] lr: 4.288e-06, eta: 3:25:35, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0999, decode.acc_seg: 77.1404, aux.loss_ce: 0.0455, aux.acc_seg: 76.6972, loss: 0.1455 2022-03-01 15:16:26,254 - mmseg - INFO - Iter [125750/160000] lr: 4.281e-06, eta: 3:25:17, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1013, decode.acc_seg: 78.1993, aux.loss_ce: 0.0463, aux.acc_seg: 77.7684, loss: 0.1476 2022-03-01 15:16:44,011 - mmseg - INFO - Iter [125800/160000] lr: 4.275e-06, eta: 3:24:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0988, decode.acc_seg: 76.0244, aux.loss_ce: 0.0452, aux.acc_seg: 75.5822, loss: 0.1440 2022-03-01 15:17:02,089 - mmseg - INFO - Iter [125850/160000] lr: 4.269e-06, eta: 3:24:41, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1091, decode.acc_seg: 76.2795, aux.loss_ce: 0.0491, aux.acc_seg: 75.8843, loss: 0.1581 2022-03-01 15:17:19,942 - mmseg - INFO - Iter [125900/160000] lr: 4.263e-06, eta: 3:24:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1042, decode.acc_seg: 76.4168, aux.loss_ce: 0.0478, aux.acc_seg: 75.9347, loss: 0.1521 2022-03-01 15:17:37,891 - mmseg - INFO - Iter [125950/160000] lr: 4.256e-06, eta: 3:24:05, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1114, decode.acc_seg: 78.0471, aux.loss_ce: 0.0500, aux.acc_seg: 77.6374, loss: 0.1614 2022-03-01 15:17:55,656 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:17:55,656 - mmseg - INFO - Iter [126000/160000] lr: 4.250e-06, eta: 3:23:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1083, decode.acc_seg: 75.8418, aux.loss_ce: 0.0490, aux.acc_seg: 75.3933, loss: 0.1573 2022-03-01 15:18:13,652 - mmseg - INFO - Iter [126050/160000] lr: 4.244e-06, eta: 3:23:29, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0995, decode.acc_seg: 77.3786, aux.loss_ce: 0.0450, aux.acc_seg: 76.9758, loss: 0.1445 2022-03-01 15:18:31,330 - mmseg - INFO - Iter [126100/160000] lr: 4.238e-06, eta: 3:23:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1005, decode.acc_seg: 76.1296, aux.loss_ce: 0.0456, aux.acc_seg: 75.7142, loss: 0.1460 2022-03-01 15:18:49,414 - mmseg - INFO - Iter [126150/160000] lr: 4.231e-06, eta: 3:22:53, time: 0.362, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1061, decode.acc_seg: 77.0813, aux.loss_ce: 0.0480, aux.acc_seg: 76.6330, loss: 0.1542 2022-03-01 15:19:07,241 - mmseg - INFO - Iter [126200/160000] lr: 4.225e-06, eta: 3:22:35, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1033, decode.acc_seg: 77.0212, aux.loss_ce: 0.0468, aux.acc_seg: 76.5897, loss: 0.1501 2022-03-01 15:19:24,997 - mmseg - INFO - Iter [126250/160000] lr: 4.219e-06, eta: 3:22:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1089, decode.acc_seg: 77.6847, aux.loss_ce: 0.0497, aux.acc_seg: 77.2297, loss: 0.1585 2022-03-01 15:19:42,660 - mmseg - INFO - Iter [126300/160000] lr: 4.213e-06, eta: 3:21:58, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1088, decode.acc_seg: 76.8529, aux.loss_ce: 0.0497, aux.acc_seg: 76.3745, loss: 0.1585 2022-03-01 15:20:03,069 - mmseg - INFO - Iter [126350/160000] lr: 4.206e-06, eta: 3:21:41, time: 0.408, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1058, decode.acc_seg: 77.7373, aux.loss_ce: 0.0483, aux.acc_seg: 77.2712, loss: 0.1542 2022-03-01 15:20:20,981 - mmseg - INFO - Iter [126400/160000] lr: 4.200e-06, eta: 3:21:23, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0994, decode.acc_seg: 76.0109, aux.loss_ce: 0.0454, aux.acc_seg: 75.5755, loss: 0.1448 2022-03-01 15:20:38,782 - mmseg - INFO - Iter [126450/160000] lr: 4.194e-06, eta: 3:21:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1001, decode.acc_seg: 77.6205, aux.loss_ce: 0.0457, aux.acc_seg: 77.1912, loss: 0.1458 2022-03-01 15:20:56,457 - mmseg - INFO - Iter [126500/160000] lr: 4.188e-06, eta: 3:20:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0996, decode.acc_seg: 76.1079, aux.loss_ce: 0.0449, aux.acc_seg: 75.7219, loss: 0.1445 2022-03-01 15:21:14,173 - mmseg - INFO - Iter [126550/160000] lr: 4.181e-06, eta: 3:20:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1023, decode.acc_seg: 75.9844, aux.loss_ce: 0.0465, aux.acc_seg: 75.5491, loss: 0.1488 2022-03-01 15:21:31,837 - mmseg - INFO - Iter [126600/160000] lr: 4.175e-06, eta: 3:20:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0999, decode.acc_seg: 76.5480, aux.loss_ce: 0.0456, aux.acc_seg: 76.1149, loss: 0.1455 2022-03-01 15:21:49,600 - mmseg - INFO - Iter [126650/160000] lr: 4.169e-06, eta: 3:19:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1048, decode.acc_seg: 76.4491, aux.loss_ce: 0.0475, aux.acc_seg: 76.0148, loss: 0.1522 2022-03-01 15:22:07,528 - mmseg - INFO - Iter [126700/160000] lr: 4.163e-06, eta: 3:19:35, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1021, decode.acc_seg: 76.0475, aux.loss_ce: 0.0466, aux.acc_seg: 75.6069, loss: 0.1488 2022-03-01 15:22:25,218 - mmseg - INFO - Iter [126750/160000] lr: 4.156e-06, eta: 3:19:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1098, decode.acc_seg: 78.1966, aux.loss_ce: 0.0498, aux.acc_seg: 77.7145, loss: 0.1597 2022-03-01 15:22:42,924 - mmseg - INFO - Iter [126800/160000] lr: 4.150e-06, eta: 3:18:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0982, decode.acc_seg: 77.2938, aux.loss_ce: 0.0445, aux.acc_seg: 76.8765, loss: 0.1427 2022-03-01 15:23:00,866 - mmseg - INFO - Iter [126850/160000] lr: 4.144e-06, eta: 3:18:41, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 77.1598, aux.loss_ce: 0.0474, aux.acc_seg: 76.7350, loss: 0.1534 2022-03-01 15:23:18,831 - mmseg - INFO - Iter [126900/160000] lr: 4.138e-06, eta: 3:18:23, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 77.4754, aux.loss_ce: 0.0446, aux.acc_seg: 77.1542, loss: 0.1428 2022-03-01 15:23:36,818 - mmseg - INFO - Iter [126950/160000] lr: 4.131e-06, eta: 3:18:05, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1066, decode.acc_seg: 76.8169, aux.loss_ce: 0.0478, aux.acc_seg: 76.3980, loss: 0.1544 2022-03-01 15:23:54,614 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:23:54,615 - mmseg - INFO - Iter [127000/160000] lr: 4.125e-06, eta: 3:17:47, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1056, decode.acc_seg: 76.6144, aux.loss_ce: 0.0477, aux.acc_seg: 76.1976, loss: 0.1533 2022-03-01 15:24:12,456 - mmseg - INFO - Iter [127050/160000] lr: 4.119e-06, eta: 3:17:29, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1068, decode.acc_seg: 78.2252, aux.loss_ce: 0.0483, aux.acc_seg: 77.8006, loss: 0.1552 2022-03-01 15:24:30,285 - mmseg - INFO - Iter [127100/160000] lr: 4.113e-06, eta: 3:17:11, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 77.8367, aux.loss_ce: 0.0470, aux.acc_seg: 77.4200, loss: 0.1510 2022-03-01 15:24:48,157 - mmseg - INFO - Iter [127150/160000] lr: 4.106e-06, eta: 3:16:53, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1081, decode.acc_seg: 76.4349, aux.loss_ce: 0.0488, aux.acc_seg: 75.9898, loss: 0.1569 2022-03-01 15:25:05,911 - mmseg - INFO - Iter [127200/160000] lr: 4.100e-06, eta: 3:16:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1002, decode.acc_seg: 77.0904, aux.loss_ce: 0.0453, aux.acc_seg: 76.7179, loss: 0.1455 2022-03-01 15:25:23,849 - mmseg - INFO - Iter [127250/160000] lr: 4.094e-06, eta: 3:16:17, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1035, decode.acc_seg: 76.0824, aux.loss_ce: 0.0466, aux.acc_seg: 75.6991, loss: 0.1500 2022-03-01 15:25:41,737 - mmseg - INFO - Iter [127300/160000] lr: 4.088e-06, eta: 3:15:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1017, decode.acc_seg: 76.2584, aux.loss_ce: 0.0464, aux.acc_seg: 75.8038, loss: 0.1480 2022-03-01 15:25:59,381 - mmseg - INFO - Iter [127350/160000] lr: 4.081e-06, eta: 3:15:41, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1022, decode.acc_seg: 77.6447, aux.loss_ce: 0.0464, aux.acc_seg: 77.2231, loss: 0.1486 2022-03-01 15:26:17,370 - mmseg - INFO - Iter [127400/160000] lr: 4.075e-06, eta: 3:15:23, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0997, decode.acc_seg: 76.3270, aux.loss_ce: 0.0450, aux.acc_seg: 75.9171, loss: 0.1447 2022-03-01 15:26:35,213 - mmseg - INFO - Iter [127450/160000] lr: 4.069e-06, eta: 3:15:05, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1050, decode.acc_seg: 76.4957, aux.loss_ce: 0.0483, aux.acc_seg: 75.9955, loss: 0.1533 2022-03-01 15:26:53,001 - mmseg - INFO - Iter [127500/160000] lr: 4.063e-06, eta: 3:14:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1051, decode.acc_seg: 77.9199, aux.loss_ce: 0.0475, aux.acc_seg: 77.4806, loss: 0.1526 2022-03-01 15:27:10,694 - mmseg - INFO - Iter [127550/160000] lr: 4.056e-06, eta: 3:14:29, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 78.6685, aux.loss_ce: 0.0437, aux.acc_seg: 78.2855, loss: 0.1405 2022-03-01 15:27:30,872 - mmseg - INFO - Iter [127600/160000] lr: 4.050e-06, eta: 3:14:11, time: 0.404, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0998, decode.acc_seg: 77.8429, aux.loss_ce: 0.0449, aux.acc_seg: 77.4258, loss: 0.1447 2022-03-01 15:27:48,691 - mmseg - INFO - Iter [127650/160000] lr: 4.044e-06, eta: 3:13:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1023, decode.acc_seg: 77.3164, aux.loss_ce: 0.0468, aux.acc_seg: 76.8228, loss: 0.1492 2022-03-01 15:28:06,468 - mmseg - INFO - Iter [127700/160000] lr: 4.038e-06, eta: 3:13:35, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1039, decode.acc_seg: 77.5179, aux.loss_ce: 0.0470, aux.acc_seg: 77.0915, loss: 0.1509 2022-03-01 15:28:24,018 - mmseg - INFO - Iter [127750/160000] lr: 4.031e-06, eta: 3:13:17, time: 0.352, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1040, decode.acc_seg: 77.5807, aux.loss_ce: 0.0474, aux.acc_seg: 77.1481, loss: 0.1514 2022-03-01 15:28:41,707 - mmseg - INFO - Iter [127800/160000] lr: 4.025e-06, eta: 3:12:59, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 77.4279, aux.loss_ce: 0.0444, aux.acc_seg: 77.0248, loss: 0.1425 2022-03-01 15:28:59,479 - mmseg - INFO - Iter [127850/160000] lr: 4.019e-06, eta: 3:12:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1058, decode.acc_seg: 76.7034, aux.loss_ce: 0.0480, aux.acc_seg: 76.2677, loss: 0.1538 2022-03-01 15:29:17,196 - mmseg - INFO - Iter [127900/160000] lr: 4.013e-06, eta: 3:12:23, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1002, decode.acc_seg: 77.1936, aux.loss_ce: 0.0455, aux.acc_seg: 76.7316, loss: 0.1457 2022-03-01 15:29:34,833 - mmseg - INFO - Iter [127950/160000] lr: 4.006e-06, eta: 3:12:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1025, decode.acc_seg: 76.5771, aux.loss_ce: 0.0467, aux.acc_seg: 76.1191, loss: 0.1492 2022-03-01 15:29:52,602 - mmseg - INFO - Saving checkpoint at 128000 iterations 2022-03-01 15:29:59,461 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:29:59,461 - mmseg - INFO - Iter [128000/160000] lr: 4.000e-06, eta: 3:11:48, time: 0.493, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0974, decode.acc_seg: 76.2901, aux.loss_ce: 0.0444, aux.acc_seg: 75.8513, loss: 0.1418 2022-03-01 15:30:27,821 - mmseg - INFO - per class results: 2022-03-01 15:30:27,828 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.56 | 88.95 | | building | 83.62 | 93.15 | | sky | 94.73 | 97.61 | | floor | 82.51 | 92.48 | | tree | 75.35 | 88.96 | | ceiling | 85.63 | 94.7 | | road | 84.91 | 91.31 | | bed | 91.47 | 96.74 | | windowpane | 62.41 | 81.14 | | grass | 68.39 | 81.07 | | cabinet | 64.84 | 76.37 | | sidewalk | 70.27 | 83.99 | | person | 83.19 | 93.63 | | earth | 38.12 | 52.39 | | door | 51.12 | 63.91 | | table | 66.81 | 81.95 | | mountain | 57.08 | 71.74 | | plant | 49.38 | 58.84 | | curtain | 74.41 | 85.09 | | chair | 63.45 | 76.26 | | car | 86.1 | 93.65 | | water | 61.81 | 82.47 | | painting | 76.77 | 88.9 | | sofa | 70.9 | 83.75 | | shelf | 47.5 | 68.79 | | house | 46.42 | 59.49 | | sea | 61.06 | 72.27 | | mirror | 71.89 | 78.95 | | rug | 58.14 | 64.54 | | field | 28.22 | 51.78 | | armchair | 49.28 | 69.33 | | seat | 62.65 | 87.8 | | fence | 47.91 | 62.14 | | desk | 53.97 | 72.71 | | rock | 42.33 | 63.87 | | wardrobe | 49.62 | 61.65 | | lamp | 69.04 | 80.83 | | bathtub | 81.75 | 86.41 | | railing | 38.89 | 52.73 | | cushion | 62.85 | 77.45 | | base | 33.91 | 51.67 | | box | 30.68 | 39.12 | | column | 51.02 | 59.9 | | signboard | 39.16 | 54.16 | | chest of drawers | 42.54 | 61.66 | | counter | 33.59 | 45.62 | | sand | 58.8 | 81.2 | | sink | 80.41 | 88.59 | | skyscraper | 47.86 | 57.77 | | fireplace | 77.69 | 95.21 | | refrigerator | 75.68 | 82.37 | | grandstand | 47.89 | 78.26 | | path | 28.97 | 38.53 | | stairs | 30.08 | 39.32 | | runway | 65.03 | 84.38 | | case | 56.18 | 69.02 | | pool table | 94.22 | 97.7 | | pillow | 58.42 | 65.42 | | screen door | 76.69 | 80.88 | | stairway | 35.67 | 43.75 | | river | 14.33 | 26.89 | | bridge | 59.45 | 68.1 | | bookcase | 50.02 | 69.05 | | blind | 34.8 | 36.1 | | coffee table | 63.53 | 72.03 | | toilet | 88.43 | 92.29 | | flower | 41.78 | 57.07 | | book | 53.28 | 67.94 | | hill | 17.03 | 26.33 | | bench | 45.58 | 52.06 | | countertop | 62.8 | 80.91 | | stove | 82.62 | 86.65 | | palm | 55.88 | 76.41 | | kitchen island | 42.59 | 84.38 | | computer | 79.26 | 88.43 | | swivel chair | 43.51 | 60.3 | | boat | 45.52 | 53.4 | | bar | 39.65 | 50.04 | | arcade machine | 55.88 | 59.62 | | hovel | 12.45 | 13.33 | | bus | 90.64 | 96.84 | | towel | 66.93 | 84.27 | | light | 56.77 | 67.42 | | truck | 34.98 | 42.2 | | tower | 4.66 | 7.7 | | chandelier | 69.83 | 84.37 | | awning | 33.6 | 41.68 | | streetlight | 33.83 | 43.26 | | booth | 58.72 | 67.3 | | television receiver | 75.73 | 87.68 | | airplane | 63.91 | 70.76 | | dirt track | 1.14 | 4.99 | | apparel | 36.85 | 44.35 | | pole | 27.83 | 38.47 | | land | 3.5 | 4.85 | | bannister | 18.49 | 23.06 | | escalator | 27.13 | 31.71 | | ottoman | 53.62 | 69.54 | | bottle | 40.35 | 60.26 | | buffet | 54.87 | 64.53 | | poster | 31.81 | 43.83 | | stage | 23.0 | 31.28 | | van | 42.39 | 56.87 | | ship | 47.83 | 71.17 | | fountain | 27.17 | 27.58 | | conveyer belt | 68.58 | 92.58 | | canopy | 38.8 | 44.78 | | washer | 80.68 | 84.31 | | plaything | 27.56 | 37.26 | | swimming pool | 75.47 | 77.07 | | stool | 48.18 | 67.01 | | barrel | 47.41 | 74.5 | | basket | 42.49 | 56.45 | | waterfall | 71.3 | 80.06 | | tent | 87.77 | 98.11 | | bag | 17.64 | 19.91 | | minibike | 72.13 | 89.51 | | cradle | 83.08 | 97.49 | | oven | 50.33 | 59.14 | | ball | 28.42 | 29.28 | | food | 58.95 | 67.92 | | step | 6.41 | 7.45 | | tank | 63.13 | 66.17 | | trade name | 29.92 | 34.33 | | microwave | 85.55 | 91.65 | | pot | 46.66 | 53.27 | | animal | 56.29 | 57.67 | | bicycle | 58.91 | 76.79 | | lake | 62.88 | 63.34 | | dishwasher | 67.71 | 78.05 | | screen | 54.89 | 72.33 | | blanket | 22.99 | 25.89 | | sculpture | 69.49 | 84.62 | | hood | 65.15 | 71.46 | | sconce | 54.75 | 69.25 | | vase | 44.14 | 61.72 | | traffic light | 35.9 | 55.16 | | tray | 22.16 | 26.84 | | ashcan | 42.45 | 61.52 | | fan | 69.7 | 81.39 | | pier | 60.72 | 82.39 | | crt screen | 10.09 | 15.95 | | plate | 59.06 | 73.27 | | monitor | 64.81 | 79.0 | | bulletin board | 40.9 | 45.49 | | shower | 12.43 | 14.57 | | radiator | 68.81 | 76.98 | | glass | 17.42 | 18.68 | | clock | 44.42 | 53.36 | | flag | 69.89 | 76.33 | +---------------------+-------+-------+ 2022-03-01 15:30:27,828 - mmseg - INFO - Summary: 2022-03-01 15:30:27,828 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.45 | 53.19 | 64.41 | +-------+-------+-------+ 2022-03-01 15:30:27,835 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:30:27,835 - mmseg - INFO - Iter(val) [250] aAcc: 0.8445, mIoU: 0.5319, mAcc: 0.6441, IoU.wall: 0.7956, IoU.building: 0.8362, IoU.sky: 0.9473, IoU.floor: 0.8251, IoU.tree: 0.7535, IoU.ceiling: 0.8563, IoU.road: 0.8491, IoU.bed : 0.9147, IoU.windowpane: 0.6241, IoU.grass: 0.6839, IoU.cabinet: 0.6484, IoU.sidewalk: 0.7027, IoU.person: 0.8319, IoU.earth: 0.3812, IoU.door: 0.5112, IoU.table: 0.6681, IoU.mountain: 0.5708, IoU.plant: 0.4938, IoU.curtain: 0.7441, IoU.chair: 0.6345, IoU.car: 0.8610, IoU.water: 0.6181, IoU.painting: 0.7677, IoU.sofa: 0.7090, IoU.shelf: 0.4750, IoU.house: 0.4642, IoU.sea: 0.6106, IoU.mirror: 0.7189, IoU.rug: 0.5814, IoU.field: 0.2822, IoU.armchair: 0.4928, IoU.seat: 0.6265, IoU.fence: 0.4791, IoU.desk: 0.5397, IoU.rock: 0.4233, IoU.wardrobe: 0.4962, IoU.lamp: 0.6904, IoU.bathtub: 0.8175, IoU.railing: 0.3889, IoU.cushion: 0.6285, IoU.base: 0.3391, IoU.box: 0.3068, IoU.column: 0.5102, IoU.signboard: 0.3916, IoU.chest of drawers: 0.4254, IoU.counter: 0.3359, IoU.sand: 0.5880, IoU.sink: 0.8041, IoU.skyscraper: 0.4786, IoU.fireplace: 0.7769, IoU.refrigerator: 0.7568, IoU.grandstand: 0.4789, IoU.path: 0.2897, IoU.stairs: 0.3008, IoU.runway: 0.6503, IoU.case: 0.5618, IoU.pool table: 0.9422, IoU.pillow: 0.5842, IoU.screen door: 0.7669, IoU.stairway: 0.3567, IoU.river: 0.1433, IoU.bridge: 0.5945, IoU.bookcase: 0.5002, IoU.blind: 0.3480, IoU.coffee table: 0.6353, IoU.toilet: 0.8843, IoU.flower: 0.4178, IoU.book: 0.5328, IoU.hill: 0.1703, IoU.bench: 0.4558, IoU.countertop: 0.6280, IoU.stove: 0.8262, IoU.palm: 0.5588, IoU.kitchen island: 0.4259, IoU.computer: 0.7926, IoU.swivel chair: 0.4351, IoU.boat: 0.4552, IoU.bar: 0.3965, IoU.arcade machine: 0.5588, IoU.hovel: 0.1245, IoU.bus: 0.9064, IoU.towel: 0.6693, IoU.light: 0.5677, IoU.truck: 0.3498, IoU.tower: 0.0466, IoU.chandelier: 0.6983, IoU.awning: 0.3360, IoU.streetlight: 0.3383, IoU.booth: 0.5872, IoU.television receiver: 0.7573, IoU.airplane: 0.6391, IoU.dirt track: 0.0114, IoU.apparel: 0.3685, IoU.pole: 0.2783, IoU.land: 0.0350, IoU.bannister: 0.1849, IoU.escalator: 0.2713, IoU.ottoman: 0.5362, IoU.bottle: 0.4035, IoU.buffet: 0.5487, IoU.poster: 0.3181, IoU.stage: 0.2300, IoU.van: 0.4239, IoU.ship: 0.4783, IoU.fountain: 0.2717, IoU.conveyer belt: 0.6858, IoU.canopy: 0.3880, IoU.washer: 0.8068, IoU.plaything: 0.2756, IoU.swimming pool: 0.7547, IoU.stool: 0.4818, IoU.barrel: 0.4741, IoU.basket: 0.4249, IoU.waterfall: 0.7130, IoU.tent: 0.8777, IoU.bag: 0.1764, IoU.minibike: 0.7213, IoU.cradle: 0.8308, IoU.oven: 0.5033, IoU.ball: 0.2842, IoU.food: 0.5895, IoU.step: 0.0641, IoU.tank: 0.6313, IoU.trade name: 0.2992, IoU.microwave: 0.8555, IoU.pot: 0.4666, IoU.animal: 0.5629, IoU.bicycle: 0.5891, IoU.lake: 0.6288, IoU.dishwasher: 0.6771, IoU.screen: 0.5489, IoU.blanket: 0.2299, IoU.sculpture: 0.6949, IoU.hood: 0.6515, IoU.sconce: 0.5475, IoU.vase: 0.4414, IoU.traffic light: 0.3590, IoU.tray: 0.2216, IoU.ashcan: 0.4245, IoU.fan: 0.6970, IoU.pier: 0.6072, IoU.crt screen: 0.1009, IoU.plate: 0.5906, IoU.monitor: 0.6481, IoU.bulletin board: 0.4090, IoU.shower: 0.1243, IoU.radiator: 0.6881, IoU.glass: 0.1742, IoU.clock: 0.4442, IoU.flag: 0.6989, Acc.wall: 0.8895, Acc.building: 0.9315, Acc.sky: 0.9761, Acc.floor: 0.9248, Acc.tree: 0.8896, Acc.ceiling: 0.9470, Acc.road: 0.9131, Acc.bed : 0.9674, Acc.windowpane: 0.8114, Acc.grass: 0.8107, Acc.cabinet: 0.7637, Acc.sidewalk: 0.8399, Acc.person: 0.9363, Acc.earth: 0.5239, Acc.door: 0.6391, Acc.table: 0.8195, Acc.mountain: 0.7174, Acc.plant: 0.5884, Acc.curtain: 0.8509, Acc.chair: 0.7626, Acc.car: 0.9365, Acc.water: 0.8247, Acc.painting: 0.8890, Acc.sofa: 0.8375, Acc.shelf: 0.6879, Acc.house: 0.5949, Acc.sea: 0.7227, Acc.mirror: 0.7895, Acc.rug: 0.6454, Acc.field: 0.5178, Acc.armchair: 0.6933, Acc.seat: 0.8780, Acc.fence: 0.6214, Acc.desk: 0.7271, Acc.rock: 0.6387, Acc.wardrobe: 0.6165, Acc.lamp: 0.8083, Acc.bathtub: 0.8641, Acc.railing: 0.5273, Acc.cushion: 0.7745, Acc.base: 0.5167, Acc.box: 0.3912, Acc.column: 0.5990, Acc.signboard: 0.5416, Acc.chest of drawers: 0.6166, Acc.counter: 0.4562, Acc.sand: 0.8120, Acc.sink: 0.8859, Acc.skyscraper: 0.5777, Acc.fireplace: 0.9521, Acc.refrigerator: 0.8237, Acc.grandstand: 0.7826, Acc.path: 0.3853, Acc.stairs: 0.3932, Acc.runway: 0.8438, Acc.case: 0.6902, Acc.pool table: 0.9770, Acc.pillow: 0.6542, Acc.screen door: 0.8088, Acc.stairway: 0.4375, Acc.river: 0.2689, Acc.bridge: 0.6810, Acc.bookcase: 0.6905, Acc.blind: 0.3610, Acc.coffee table: 0.7203, Acc.toilet: 0.9229, Acc.flower: 0.5707, Acc.book: 0.6794, Acc.hill: 0.2633, Acc.bench: 0.5206, Acc.countertop: 0.8091, Acc.stove: 0.8665, Acc.palm: 0.7641, Acc.kitchen island: 0.8438, Acc.computer: 0.8843, Acc.swivel chair: 0.6030, Acc.boat: 0.5340, Acc.bar: 0.5004, Acc.arcade machine: 0.5962, Acc.hovel: 0.1333, Acc.bus: 0.9684, Acc.towel: 0.8427, Acc.light: 0.6742, Acc.truck: 0.4220, Acc.tower: 0.0770, Acc.chandelier: 0.8437, Acc.awning: 0.4168, Acc.streetlight: 0.4326, Acc.booth: 0.6730, Acc.television receiver: 0.8768, Acc.airplane: 0.7076, Acc.dirt track: 0.0499, Acc.apparel: 0.4435, Acc.pole: 0.3847, Acc.land: 0.0485, Acc.bannister: 0.2306, Acc.escalator: 0.3171, Acc.ottoman: 0.6954, Acc.bottle: 0.6026, Acc.buffet: 0.6453, Acc.poster: 0.4383, Acc.stage: 0.3128, Acc.van: 0.5687, Acc.ship: 0.7117, Acc.fountain: 0.2758, Acc.conveyer belt: 0.9258, Acc.canopy: 0.4478, Acc.washer: 0.8431, Acc.plaything: 0.3726, Acc.swimming pool: 0.7707, Acc.stool: 0.6701, Acc.barrel: 0.7450, Acc.basket: 0.5645, Acc.waterfall: 0.8006, Acc.tent: 0.9811, Acc.bag: 0.1991, Acc.minibike: 0.8951, Acc.cradle: 0.9749, Acc.oven: 0.5914, Acc.ball: 0.2928, Acc.food: 0.6792, Acc.step: 0.0745, Acc.tank: 0.6617, Acc.trade name: 0.3433, Acc.microwave: 0.9165, Acc.pot: 0.5327, Acc.animal: 0.5767, Acc.bicycle: 0.7679, Acc.lake: 0.6334, Acc.dishwasher: 0.7805, Acc.screen: 0.7233, Acc.blanket: 0.2589, Acc.sculpture: 0.8462, Acc.hood: 0.7146, Acc.sconce: 0.6925, Acc.vase: 0.6172, Acc.traffic light: 0.5516, Acc.tray: 0.2684, Acc.ashcan: 0.6152, Acc.fan: 0.8139, Acc.pier: 0.8239, Acc.crt screen: 0.1595, Acc.plate: 0.7327, Acc.monitor: 0.7900, Acc.bulletin board: 0.4549, Acc.shower: 0.1457, Acc.radiator: 0.7698, Acc.glass: 0.1868, Acc.clock: 0.5336, Acc.flag: 0.7633 2022-03-01 15:30:45,529 - mmseg - INFO - Iter [128050/160000] lr: 3.994e-06, eta: 3:11:38, time: 0.921, data_time: 0.572, memory: 49013, decode.loss_ce: 0.1053, decode.acc_seg: 78.3983, aux.loss_ce: 0.0478, aux.acc_seg: 77.9903, loss: 0.1532 2022-03-01 15:31:03,627 - mmseg - INFO - Iter [128100/160000] lr: 3.988e-06, eta: 3:11:20, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 77.3357, aux.loss_ce: 0.0419, aux.acc_seg: 76.9235, loss: 0.1341 2022-03-01 15:31:21,359 - mmseg - INFO - Iter [128150/160000] lr: 3.981e-06, eta: 3:11:01, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1037, decode.acc_seg: 76.9275, aux.loss_ce: 0.0473, aux.acc_seg: 76.5101, loss: 0.1510 2022-03-01 15:31:39,074 - mmseg - INFO - Iter [128200/160000] lr: 3.975e-06, eta: 3:10:43, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1023, decode.acc_seg: 77.6914, aux.loss_ce: 0.0463, aux.acc_seg: 77.2877, loss: 0.1486 2022-03-01 15:31:56,844 - mmseg - INFO - Iter [128250/160000] lr: 3.969e-06, eta: 3:10:25, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1030, decode.acc_seg: 75.7758, aux.loss_ce: 0.0472, aux.acc_seg: 75.3224, loss: 0.1503 2022-03-01 15:32:14,591 - mmseg - INFO - Iter [128300/160000] lr: 3.963e-06, eta: 3:10:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 76.6227, aux.loss_ce: 0.0447, aux.acc_seg: 76.1917, loss: 0.1428 2022-03-01 15:32:32,415 - mmseg - INFO - Iter [128350/160000] lr: 3.956e-06, eta: 3:09:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 77.2901, aux.loss_ce: 0.0448, aux.acc_seg: 76.8488, loss: 0.1431 2022-03-01 15:32:50,073 - mmseg - INFO - Iter [128400/160000] lr: 3.950e-06, eta: 3:09:31, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1072, decode.acc_seg: 77.3330, aux.loss_ce: 0.0481, aux.acc_seg: 76.9280, loss: 0.1553 2022-03-01 15:33:07,666 - mmseg - INFO - Iter [128450/160000] lr: 3.944e-06, eta: 3:09:13, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1060, decode.acc_seg: 77.4154, aux.loss_ce: 0.0477, aux.acc_seg: 77.0624, loss: 0.1536 2022-03-01 15:33:25,332 - mmseg - INFO - Iter [128500/160000] lr: 3.938e-06, eta: 3:08:55, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 78.3961, aux.loss_ce: 0.0470, aux.acc_seg: 77.9822, loss: 0.1513 2022-03-01 15:33:43,237 - mmseg - INFO - Iter [128550/160000] lr: 3.931e-06, eta: 3:08:37, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1012, decode.acc_seg: 77.3206, aux.loss_ce: 0.0456, aux.acc_seg: 76.9012, loss: 0.1468 2022-03-01 15:34:00,872 - mmseg - INFO - Iter [128600/160000] lr: 3.925e-06, eta: 3:08:19, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1048, decode.acc_seg: 78.1737, aux.loss_ce: 0.0478, aux.acc_seg: 77.7355, loss: 0.1526 2022-03-01 15:34:18,703 - mmseg - INFO - Iter [128650/160000] lr: 3.919e-06, eta: 3:08:01, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1039, decode.acc_seg: 76.9322, aux.loss_ce: 0.0470, aux.acc_seg: 76.5089, loss: 0.1509 2022-03-01 15:34:36,335 - mmseg - INFO - Iter [128700/160000] lr: 3.913e-06, eta: 3:07:43, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1045, decode.acc_seg: 77.4479, aux.loss_ce: 0.0476, aux.acc_seg: 76.9618, loss: 0.1522 2022-03-01 15:34:54,116 - mmseg - INFO - Iter [128750/160000] lr: 3.906e-06, eta: 3:07:25, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1062, decode.acc_seg: 76.8586, aux.loss_ce: 0.0480, aux.acc_seg: 76.4366, loss: 0.1542 2022-03-01 15:35:11,886 - mmseg - INFO - Iter [128800/160000] lr: 3.900e-06, eta: 3:07:07, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1031, decode.acc_seg: 77.5414, aux.loss_ce: 0.0467, aux.acc_seg: 77.0991, loss: 0.1498 2022-03-01 15:35:32,031 - mmseg - INFO - Iter [128850/160000] lr: 3.894e-06, eta: 3:06:49, time: 0.403, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1046, decode.acc_seg: 77.3977, aux.loss_ce: 0.0474, aux.acc_seg: 76.9794, loss: 0.1520 2022-03-01 15:35:49,837 - mmseg - INFO - Iter [128900/160000] lr: 3.888e-06, eta: 3:06:31, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1015, decode.acc_seg: 76.2762, aux.loss_ce: 0.0465, aux.acc_seg: 75.8218, loss: 0.1480 2022-03-01 15:36:07,715 - mmseg - INFO - Iter [128950/160000] lr: 3.881e-06, eta: 3:06:13, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1035, decode.acc_seg: 78.5101, aux.loss_ce: 0.0471, aux.acc_seg: 78.0688, loss: 0.1507 2022-03-01 15:36:25,409 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:36:25,409 - mmseg - INFO - Iter [129000/160000] lr: 3.875e-06, eta: 3:05:55, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1015, decode.acc_seg: 76.2476, aux.loss_ce: 0.0459, aux.acc_seg: 75.8100, loss: 0.1475 2022-03-01 15:36:43,112 - mmseg - INFO - Iter [129050/160000] lr: 3.869e-06, eta: 3:05:37, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0910, decode.acc_seg: 75.9592, aux.loss_ce: 0.0415, aux.acc_seg: 75.5313, loss: 0.1325 2022-03-01 15:37:01,001 - mmseg - INFO - Iter [129100/160000] lr: 3.863e-06, eta: 3:05:19, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1042, decode.acc_seg: 77.1302, aux.loss_ce: 0.0471, aux.acc_seg: 76.7081, loss: 0.1514 2022-03-01 15:37:18,780 - mmseg - INFO - Iter [129150/160000] lr: 3.856e-06, eta: 3:05:01, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 78.7462, aux.loss_ce: 0.0445, aux.acc_seg: 78.3572, loss: 0.1429 2022-03-01 15:37:36,559 - mmseg - INFO - Iter [129200/160000] lr: 3.850e-06, eta: 3:04:43, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1005, decode.acc_seg: 76.5604, aux.loss_ce: 0.0452, aux.acc_seg: 76.1224, loss: 0.1457 2022-03-01 15:37:54,343 - mmseg - INFO - Iter [129250/160000] lr: 3.844e-06, eta: 3:04:25, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1025, decode.acc_seg: 77.4642, aux.loss_ce: 0.0468, aux.acc_seg: 76.9687, loss: 0.1493 2022-03-01 15:38:12,188 - mmseg - INFO - Iter [129300/160000] lr: 3.838e-06, eta: 3:04:07, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1025, decode.acc_seg: 76.9736, aux.loss_ce: 0.0463, aux.acc_seg: 76.5760, loss: 0.1489 2022-03-01 15:38:29,992 - mmseg - INFO - Iter [129350/160000] lr: 3.831e-06, eta: 3:03:49, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1009, decode.acc_seg: 77.5987, aux.loss_ce: 0.0460, aux.acc_seg: 77.1566, loss: 0.1469 2022-03-01 15:38:47,808 - mmseg - INFO - Iter [129400/160000] lr: 3.825e-06, eta: 3:03:31, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1000, decode.acc_seg: 77.4958, aux.loss_ce: 0.0452, aux.acc_seg: 77.0542, loss: 0.1452 2022-03-01 15:39:05,459 - mmseg - INFO - Iter [129450/160000] lr: 3.819e-06, eta: 3:03:13, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1015, decode.acc_seg: 79.0502, aux.loss_ce: 0.0460, aux.acc_seg: 78.6270, loss: 0.1475 2022-03-01 15:39:23,217 - mmseg - INFO - Iter [129500/160000] lr: 3.813e-06, eta: 3:02:55, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1003, decode.acc_seg: 78.1264, aux.loss_ce: 0.0458, aux.acc_seg: 77.6570, loss: 0.1461 2022-03-01 15:39:41,070 - mmseg - INFO - Iter [129550/160000] lr: 3.806e-06, eta: 3:02:37, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0978, decode.acc_seg: 76.4946, aux.loss_ce: 0.0450, aux.acc_seg: 76.0975, loss: 0.1427 2022-03-01 15:39:58,823 - mmseg - INFO - Iter [129600/160000] lr: 3.800e-06, eta: 3:02:19, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1035, decode.acc_seg: 77.5319, aux.loss_ce: 0.0467, aux.acc_seg: 77.0908, loss: 0.1502 2022-03-01 15:40:16,559 - mmseg - INFO - Iter [129650/160000] lr: 3.794e-06, eta: 3:02:01, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1013, decode.acc_seg: 77.1024, aux.loss_ce: 0.0462, aux.acc_seg: 76.6278, loss: 0.1474 2022-03-01 15:40:34,450 - mmseg - INFO - Iter [129700/160000] lr: 3.788e-06, eta: 3:01:43, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0996, decode.acc_seg: 77.5689, aux.loss_ce: 0.0456, aux.acc_seg: 77.1407, loss: 0.1452 2022-03-01 15:40:52,159 - mmseg - INFO - Iter [129750/160000] lr: 3.781e-06, eta: 3:01:25, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1045, decode.acc_seg: 75.8496, aux.loss_ce: 0.0472, aux.acc_seg: 75.4025, loss: 0.1517 2022-03-01 15:41:09,822 - mmseg - INFO - Iter [129800/160000] lr: 3.775e-06, eta: 3:01:06, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1035, decode.acc_seg: 77.9606, aux.loss_ce: 0.0468, aux.acc_seg: 77.5344, loss: 0.1503 2022-03-01 15:41:27,463 - mmseg - INFO - Iter [129850/160000] lr: 3.769e-06, eta: 3:00:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1045, decode.acc_seg: 78.1278, aux.loss_ce: 0.0477, aux.acc_seg: 77.6824, loss: 0.1521 2022-03-01 15:41:45,140 - mmseg - INFO - Iter [129900/160000] lr: 3.763e-06, eta: 3:00:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1013, decode.acc_seg: 76.5707, aux.loss_ce: 0.0461, aux.acc_seg: 76.1085, loss: 0.1474 2022-03-01 15:42:02,758 - mmseg - INFO - Iter [129950/160000] lr: 3.756e-06, eta: 3:00:12, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1006, decode.acc_seg: 77.3403, aux.loss_ce: 0.0457, aux.acc_seg: 76.8638, loss: 0.1463 2022-03-01 15:42:20,603 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:42:20,603 - mmseg - INFO - Iter [130000/160000] lr: 3.750e-06, eta: 2:59:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0998, decode.acc_seg: 77.8668, aux.loss_ce: 0.0452, aux.acc_seg: 77.4598, loss: 0.1450 2022-03-01 15:42:38,334 - mmseg - INFO - Iter [130050/160000] lr: 3.744e-06, eta: 2:59:36, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0950, decode.acc_seg: 75.7633, aux.loss_ce: 0.0436, aux.acc_seg: 75.3334, loss: 0.1385 2022-03-01 15:42:58,440 - mmseg - INFO - Iter [130100/160000] lr: 3.738e-06, eta: 2:59:19, time: 0.402, data_time: 0.050, memory: 49013, decode.loss_ce: 0.0990, decode.acc_seg: 76.8581, aux.loss_ce: 0.0451, aux.acc_seg: 76.4036, loss: 0.1441 2022-03-01 15:43:16,521 - mmseg - INFO - Iter [130150/160000] lr: 3.731e-06, eta: 2:59:01, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1020, decode.acc_seg: 76.9302, aux.loss_ce: 0.0463, aux.acc_seg: 76.4672, loss: 0.1484 2022-03-01 15:43:34,227 - mmseg - INFO - Iter [130200/160000] lr: 3.725e-06, eta: 2:58:43, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1035, decode.acc_seg: 77.2302, aux.loss_ce: 0.0473, aux.acc_seg: 76.7582, loss: 0.1509 2022-03-01 15:43:51,897 - mmseg - INFO - Iter [130250/160000] lr: 3.719e-06, eta: 2:58:25, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1041, decode.acc_seg: 77.2251, aux.loss_ce: 0.0468, aux.acc_seg: 76.8115, loss: 0.1509 2022-03-01 15:44:10,048 - mmseg - INFO - Iter [130300/160000] lr: 3.713e-06, eta: 2:58:07, time: 0.363, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0959, decode.acc_seg: 77.8863, aux.loss_ce: 0.0433, aux.acc_seg: 77.4586, loss: 0.1392 2022-03-01 15:44:27,724 - mmseg - INFO - Iter [130350/160000] lr: 3.706e-06, eta: 2:57:49, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1038, decode.acc_seg: 77.9349, aux.loss_ce: 0.0473, aux.acc_seg: 77.4051, loss: 0.1511 2022-03-01 15:44:45,435 - mmseg - INFO - Iter [130400/160000] lr: 3.700e-06, eta: 2:57:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0987, decode.acc_seg: 77.1453, aux.loss_ce: 0.0448, aux.acc_seg: 76.7188, loss: 0.1435 2022-03-01 15:45:03,312 - mmseg - INFO - Iter [130450/160000] lr: 3.694e-06, eta: 2:57:12, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0994, decode.acc_seg: 78.4671, aux.loss_ce: 0.0452, aux.acc_seg: 78.0429, loss: 0.1446 2022-03-01 15:45:21,144 - mmseg - INFO - Iter [130500/160000] lr: 3.688e-06, eta: 2:56:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0964, decode.acc_seg: 77.2438, aux.loss_ce: 0.0441, aux.acc_seg: 76.8018, loss: 0.1405 2022-03-01 15:45:38,891 - mmseg - INFO - Iter [130550/160000] lr: 3.681e-06, eta: 2:56:36, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 77.4829, aux.loss_ce: 0.0442, aux.acc_seg: 77.0288, loss: 0.1410 2022-03-01 15:45:56,938 - mmseg - INFO - Iter [130600/160000] lr: 3.675e-06, eta: 2:56:18, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1001, decode.acc_seg: 77.5900, aux.loss_ce: 0.0455, aux.acc_seg: 77.1270, loss: 0.1456 2022-03-01 15:46:14,748 - mmseg - INFO - Iter [130650/160000] lr: 3.669e-06, eta: 2:56:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 76.2871, aux.loss_ce: 0.0448, aux.acc_seg: 75.8585, loss: 0.1432 2022-03-01 15:46:32,826 - mmseg - INFO - Iter [130700/160000] lr: 3.663e-06, eta: 2:55:42, time: 0.362, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0982, decode.acc_seg: 76.3092, aux.loss_ce: 0.0449, aux.acc_seg: 75.8396, loss: 0.1432 2022-03-01 15:46:50,620 - mmseg - INFO - Iter [130750/160000] lr: 3.656e-06, eta: 2:55:24, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1026, decode.acc_seg: 77.1423, aux.loss_ce: 0.0464, aux.acc_seg: 76.7142, loss: 0.1491 2022-03-01 15:47:08,584 - mmseg - INFO - Iter [130800/160000] lr: 3.650e-06, eta: 2:55:06, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0963, decode.acc_seg: 76.7455, aux.loss_ce: 0.0434, aux.acc_seg: 76.3420, loss: 0.1397 2022-03-01 15:47:26,519 - mmseg - INFO - Iter [130850/160000] lr: 3.644e-06, eta: 2:54:48, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1032, decode.acc_seg: 76.9827, aux.loss_ce: 0.0466, aux.acc_seg: 76.5918, loss: 0.1498 2022-03-01 15:47:44,210 - mmseg - INFO - Iter [130900/160000] lr: 3.638e-06, eta: 2:54:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0985, decode.acc_seg: 76.6721, aux.loss_ce: 0.0448, aux.acc_seg: 76.2746, loss: 0.1434 2022-03-01 15:48:02,173 - mmseg - INFO - Iter [130950/160000] lr: 3.631e-06, eta: 2:54:12, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1014, decode.acc_seg: 76.8462, aux.loss_ce: 0.0461, aux.acc_seg: 76.4224, loss: 0.1475 2022-03-01 15:48:20,032 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:48:20,032 - mmseg - INFO - Iter [131000/160000] lr: 3.625e-06, eta: 2:53:54, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1067, decode.acc_seg: 76.5558, aux.loss_ce: 0.0485, aux.acc_seg: 76.1180, loss: 0.1553 2022-03-01 15:48:37,729 - mmseg - INFO - Iter [131050/160000] lr: 3.619e-06, eta: 2:53:36, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 76.3265, aux.loss_ce: 0.0443, aux.acc_seg: 75.8626, loss: 0.1410 2022-03-01 15:48:55,489 - mmseg - INFO - Iter [131100/160000] lr: 3.613e-06, eta: 2:53:18, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1048, decode.acc_seg: 78.6584, aux.loss_ce: 0.0475, aux.acc_seg: 78.2358, loss: 0.1522 2022-03-01 15:49:13,261 - mmseg - INFO - Iter [131150/160000] lr: 3.606e-06, eta: 2:53:00, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1021, decode.acc_seg: 77.6804, aux.loss_ce: 0.0467, aux.acc_seg: 77.2234, loss: 0.1489 2022-03-01 15:49:31,130 - mmseg - INFO - Iter [131200/160000] lr: 3.600e-06, eta: 2:52:42, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1011, decode.acc_seg: 76.5589, aux.loss_ce: 0.0463, aux.acc_seg: 76.0988, loss: 0.1474 2022-03-01 15:49:48,953 - mmseg - INFO - Iter [131250/160000] lr: 3.594e-06, eta: 2:52:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1070, decode.acc_seg: 76.2278, aux.loss_ce: 0.0484, aux.acc_seg: 75.8023, loss: 0.1553 2022-03-01 15:50:06,850 - mmseg - INFO - Iter [131300/160000] lr: 3.588e-06, eta: 2:52:06, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1019, decode.acc_seg: 76.4489, aux.loss_ce: 0.0460, aux.acc_seg: 76.0661, loss: 0.1480 2022-03-01 15:50:24,596 - mmseg - INFO - Iter [131350/160000] lr: 3.581e-06, eta: 2:51:48, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 78.5795, aux.loss_ce: 0.0459, aux.acc_seg: 78.1311, loss: 0.1469 2022-03-01 15:50:44,817 - mmseg - INFO - Iter [131400/160000] lr: 3.575e-06, eta: 2:51:31, time: 0.404, data_time: 0.050, memory: 49013, decode.loss_ce: 0.0965, decode.acc_seg: 76.5874, aux.loss_ce: 0.0443, aux.acc_seg: 76.1609, loss: 0.1408 2022-03-01 15:51:02,600 - mmseg - INFO - Iter [131450/160000] lr: 3.569e-06, eta: 2:51:13, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0954, decode.acc_seg: 76.3447, aux.loss_ce: 0.0435, aux.acc_seg: 75.8939, loss: 0.1389 2022-03-01 15:51:20,296 - mmseg - INFO - Iter [131500/160000] lr: 3.563e-06, eta: 2:50:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1012, decode.acc_seg: 77.7337, aux.loss_ce: 0.0457, aux.acc_seg: 77.3109, loss: 0.1469 2022-03-01 15:51:38,121 - mmseg - INFO - Iter [131550/160000] lr: 3.556e-06, eta: 2:50:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1003, decode.acc_seg: 77.2099, aux.loss_ce: 0.0457, aux.acc_seg: 76.7971, loss: 0.1460 2022-03-01 15:51:55,982 - mmseg - INFO - Iter [131600/160000] lr: 3.550e-06, eta: 2:50:18, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1028, decode.acc_seg: 76.5735, aux.loss_ce: 0.0470, aux.acc_seg: 76.1028, loss: 0.1498 2022-03-01 15:52:13,796 - mmseg - INFO - Iter [131650/160000] lr: 3.544e-06, eta: 2:50:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0972, decode.acc_seg: 76.6792, aux.loss_ce: 0.0445, aux.acc_seg: 76.2203, loss: 0.1417 2022-03-01 15:52:31,719 - mmseg - INFO - Iter [131700/160000] lr: 3.538e-06, eta: 2:49:42, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1036, decode.acc_seg: 77.8829, aux.loss_ce: 0.0466, aux.acc_seg: 77.4492, loss: 0.1501 2022-03-01 15:52:49,332 - mmseg - INFO - Iter [131750/160000] lr: 3.531e-06, eta: 2:49:24, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1051, decode.acc_seg: 77.2858, aux.loss_ce: 0.0474, aux.acc_seg: 76.8781, loss: 0.1525 2022-03-01 15:53:07,045 - mmseg - INFO - Iter [131800/160000] lr: 3.525e-06, eta: 2:49:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0990, decode.acc_seg: 76.2678, aux.loss_ce: 0.0453, aux.acc_seg: 75.7976, loss: 0.1442 2022-03-01 15:53:24,901 - mmseg - INFO - Iter [131850/160000] lr: 3.519e-06, eta: 2:48:48, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0980, decode.acc_seg: 76.3917, aux.loss_ce: 0.0448, aux.acc_seg: 75.9602, loss: 0.1428 2022-03-01 15:53:42,841 - mmseg - INFO - Iter [131900/160000] lr: 3.513e-06, eta: 2:48:30, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0934, decode.acc_seg: 76.8333, aux.loss_ce: 0.0427, aux.acc_seg: 76.4285, loss: 0.1361 2022-03-01 15:54:00,856 - mmseg - INFO - Iter [131950/160000] lr: 3.506e-06, eta: 2:48:12, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1024, decode.acc_seg: 77.3620, aux.loss_ce: 0.0456, aux.acc_seg: 76.9925, loss: 0.1480 2022-03-01 15:54:18,621 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 15:54:18,621 - mmseg - INFO - Iter [132000/160000] lr: 3.500e-06, eta: 2:47:54, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1025, decode.acc_seg: 76.4835, aux.loss_ce: 0.0466, aux.acc_seg: 76.0202, loss: 0.1491 2022-03-01 15:54:36,344 - mmseg - INFO - Iter [132050/160000] lr: 3.494e-06, eta: 2:47:36, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1042, decode.acc_seg: 78.0889, aux.loss_ce: 0.0473, aux.acc_seg: 77.6543, loss: 0.1514 2022-03-01 15:54:54,154 - mmseg - INFO - Iter [132100/160000] lr: 3.488e-06, eta: 2:47:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1021, decode.acc_seg: 77.6375, aux.loss_ce: 0.0463, aux.acc_seg: 77.2176, loss: 0.1484 2022-03-01 15:55:11,996 - mmseg - INFO - Iter [132150/160000] lr: 3.481e-06, eta: 2:47:00, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1018, decode.acc_seg: 78.0109, aux.loss_ce: 0.0463, aux.acc_seg: 77.5547, loss: 0.1481 2022-03-01 15:55:29,713 - mmseg - INFO - Iter [132200/160000] lr: 3.475e-06, eta: 2:46:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0977, decode.acc_seg: 77.1593, aux.loss_ce: 0.0442, aux.acc_seg: 76.7400, loss: 0.1419 2022-03-01 15:55:47,448 - mmseg - INFO - Iter [132250/160000] lr: 3.469e-06, eta: 2:46:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1037, decode.acc_seg: 77.6368, aux.loss_ce: 0.0473, aux.acc_seg: 77.1502, loss: 0.1511 2022-03-01 15:56:05,406 - mmseg - INFO - Iter [132300/160000] lr: 3.463e-06, eta: 2:46:06, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1026, decode.acc_seg: 78.0312, aux.loss_ce: 0.0465, aux.acc_seg: 77.5934, loss: 0.1491 2022-03-01 15:56:23,217 - mmseg - INFO - Iter [132350/160000] lr: 3.456e-06, eta: 2:45:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0997, decode.acc_seg: 76.8685, aux.loss_ce: 0.0456, aux.acc_seg: 76.4040, loss: 0.1452 2022-03-01 15:56:41,043 - mmseg - INFO - Iter [132400/160000] lr: 3.450e-06, eta: 2:45:30, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 76.7280, aux.loss_ce: 0.0438, aux.acc_seg: 76.2883, loss: 0.1395 2022-03-01 15:56:59,054 - mmseg - INFO - Iter [132450/160000] lr: 3.444e-06, eta: 2:45:12, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0993, decode.acc_seg: 75.4557, aux.loss_ce: 0.0450, aux.acc_seg: 75.0326, loss: 0.1443 2022-03-01 15:57:16,836 - mmseg - INFO - Iter [132500/160000] lr: 3.438e-06, eta: 2:44:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1004, decode.acc_seg: 77.4539, aux.loss_ce: 0.0453, aux.acc_seg: 77.0540, loss: 0.1457 2022-03-01 15:57:34,937 - mmseg - INFO - Iter [132550/160000] lr: 3.431e-06, eta: 2:44:36, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1018, decode.acc_seg: 77.0846, aux.loss_ce: 0.0466, aux.acc_seg: 76.6178, loss: 0.1484 2022-03-01 15:57:52,999 - mmseg - INFO - Iter [132600/160000] lr: 3.425e-06, eta: 2:44:18, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1028, decode.acc_seg: 78.3010, aux.loss_ce: 0.0466, aux.acc_seg: 77.8580, loss: 0.1495 2022-03-01 15:58:13,122 - mmseg - INFO - Iter [132650/160000] lr: 3.419e-06, eta: 2:44:00, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 78.2143, aux.loss_ce: 0.0486, aux.acc_seg: 77.7759, loss: 0.1559 2022-03-01 15:58:30,822 - mmseg - INFO - Iter [132700/160000] lr: 3.413e-06, eta: 2:43:42, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0980, decode.acc_seg: 78.7961, aux.loss_ce: 0.0448, aux.acc_seg: 78.3584, loss: 0.1428 2022-03-01 15:58:48,599 - mmseg - INFO - Iter [132750/160000] lr: 3.406e-06, eta: 2:43:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1058, decode.acc_seg: 77.3649, aux.loss_ce: 0.0482, aux.acc_seg: 76.9452, loss: 0.1540 2022-03-01 15:59:06,481 - mmseg - INFO - Iter [132800/160000] lr: 3.400e-06, eta: 2:43:06, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1003, decode.acc_seg: 76.9544, aux.loss_ce: 0.0460, aux.acc_seg: 76.4884, loss: 0.1463 2022-03-01 15:59:24,141 - mmseg - INFO - Iter [132850/160000] lr: 3.394e-06, eta: 2:42:48, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1004, decode.acc_seg: 77.2323, aux.loss_ce: 0.0457, aux.acc_seg: 76.7591, loss: 0.1461 2022-03-01 15:59:42,045 - mmseg - INFO - Iter [132900/160000] lr: 3.388e-06, eta: 2:42:30, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1067, decode.acc_seg: 78.5925, aux.loss_ce: 0.0482, aux.acc_seg: 78.1498, loss: 0.1549 2022-03-01 15:59:59,838 - mmseg - INFO - Iter [132950/160000] lr: 3.381e-06, eta: 2:42:12, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 76.4963, aux.loss_ce: 0.0447, aux.acc_seg: 76.1109, loss: 0.1431 2022-03-01 16:00:17,774 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:00:17,774 - mmseg - INFO - Iter [133000/160000] lr: 3.375e-06, eta: 2:41:54, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0963, decode.acc_seg: 76.4286, aux.loss_ce: 0.0436, aux.acc_seg: 76.0314, loss: 0.1399 2022-03-01 16:00:35,481 - mmseg - INFO - Iter [133050/160000] lr: 3.369e-06, eta: 2:41:36, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1073, decode.acc_seg: 77.8901, aux.loss_ce: 0.0488, aux.acc_seg: 77.4334, loss: 0.1560 2022-03-01 16:00:53,178 - mmseg - INFO - Iter [133100/160000] lr: 3.363e-06, eta: 2:41:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1002, decode.acc_seg: 77.0682, aux.loss_ce: 0.0457, aux.acc_seg: 76.6371, loss: 0.1459 2022-03-01 16:01:10,877 - mmseg - INFO - Iter [133150/160000] lr: 3.356e-06, eta: 2:41:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0948, decode.acc_seg: 76.9886, aux.loss_ce: 0.0433, aux.acc_seg: 76.5671, loss: 0.1381 2022-03-01 16:01:28,561 - mmseg - INFO - Iter [133200/160000] lr: 3.350e-06, eta: 2:40:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1018, decode.acc_seg: 77.2286, aux.loss_ce: 0.0460, aux.acc_seg: 76.7844, loss: 0.1478 2022-03-01 16:01:46,220 - mmseg - INFO - Iter [133250/160000] lr: 3.344e-06, eta: 2:40:24, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0987, decode.acc_seg: 77.0859, aux.loss_ce: 0.0445, aux.acc_seg: 76.6649, loss: 0.1432 2022-03-01 16:02:03,954 - mmseg - INFO - Iter [133300/160000] lr: 3.338e-06, eta: 2:40:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0998, decode.acc_seg: 78.2669, aux.loss_ce: 0.0456, aux.acc_seg: 77.8333, loss: 0.1453 2022-03-01 16:02:21,708 - mmseg - INFO - Iter [133350/160000] lr: 3.331e-06, eta: 2:39:48, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1026, decode.acc_seg: 78.5285, aux.loss_ce: 0.0464, aux.acc_seg: 78.1021, loss: 0.1490 2022-03-01 16:02:39,417 - mmseg - INFO - Iter [133400/160000] lr: 3.325e-06, eta: 2:39:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0978, decode.acc_seg: 77.8265, aux.loss_ce: 0.0448, aux.acc_seg: 77.3597, loss: 0.1426 2022-03-01 16:02:57,474 - mmseg - INFO - Iter [133450/160000] lr: 3.319e-06, eta: 2:39:12, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 76.8167, aux.loss_ce: 0.0430, aux.acc_seg: 76.3667, loss: 0.1370 2022-03-01 16:03:15,376 - mmseg - INFO - Iter [133500/160000] lr: 3.313e-06, eta: 2:38:54, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0996, decode.acc_seg: 77.7507, aux.loss_ce: 0.0453, aux.acc_seg: 77.2982, loss: 0.1449 2022-03-01 16:03:33,245 - mmseg - INFO - Iter [133550/160000] lr: 3.306e-06, eta: 2:38:36, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0969, decode.acc_seg: 78.5157, aux.loss_ce: 0.0441, aux.acc_seg: 78.0927, loss: 0.1410 2022-03-01 16:03:51,024 - mmseg - INFO - Iter [133600/160000] lr: 3.300e-06, eta: 2:38:18, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 77.6370, aux.loss_ce: 0.0443, aux.acc_seg: 77.2083, loss: 0.1411 2022-03-01 16:04:08,678 - mmseg - INFO - Iter [133650/160000] lr: 3.294e-06, eta: 2:38:00, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1039, decode.acc_seg: 78.0423, aux.loss_ce: 0.0473, aux.acc_seg: 77.6224, loss: 0.1512 2022-03-01 16:04:26,398 - mmseg - INFO - Iter [133700/160000] lr: 3.288e-06, eta: 2:37:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0972, decode.acc_seg: 76.2482, aux.loss_ce: 0.0447, aux.acc_seg: 75.7561, loss: 0.1419 2022-03-01 16:04:44,078 - mmseg - INFO - Iter [133750/160000] lr: 3.281e-06, eta: 2:37:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1005, decode.acc_seg: 78.7009, aux.loss_ce: 0.0459, aux.acc_seg: 78.2656, loss: 0.1464 2022-03-01 16:05:01,836 - mmseg - INFO - Iter [133800/160000] lr: 3.275e-06, eta: 2:37:06, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1003, decode.acc_seg: 75.6551, aux.loss_ce: 0.0460, aux.acc_seg: 75.1985, loss: 0.1462 2022-03-01 16:05:19,756 - mmseg - INFO - Iter [133850/160000] lr: 3.269e-06, eta: 2:36:48, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0984, decode.acc_seg: 77.9589, aux.loss_ce: 0.0451, aux.acc_seg: 77.5177, loss: 0.1435 2022-03-01 16:05:39,894 - mmseg - INFO - Iter [133900/160000] lr: 3.263e-06, eta: 2:36:30, time: 0.403, data_time: 0.052, memory: 49013, decode.loss_ce: 0.0953, decode.acc_seg: 79.0421, aux.loss_ce: 0.0439, aux.acc_seg: 78.5751, loss: 0.1392 2022-03-01 16:05:57,616 - mmseg - INFO - Iter [133950/160000] lr: 3.256e-06, eta: 2:36:12, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0995, decode.acc_seg: 77.2944, aux.loss_ce: 0.0458, aux.acc_seg: 76.7885, loss: 0.1452 2022-03-01 16:06:15,396 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:06:15,396 - mmseg - INFO - Iter [134000/160000] lr: 3.250e-06, eta: 2:35:54, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0977, decode.acc_seg: 77.8466, aux.loss_ce: 0.0448, aux.acc_seg: 77.3810, loss: 0.1425 2022-03-01 16:06:33,003 - mmseg - INFO - Iter [134050/160000] lr: 3.244e-06, eta: 2:35:36, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0980, decode.acc_seg: 77.9681, aux.loss_ce: 0.0448, aux.acc_seg: 77.5511, loss: 0.1428 2022-03-01 16:06:50,777 - mmseg - INFO - Iter [134100/160000] lr: 3.238e-06, eta: 2:35:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0997, decode.acc_seg: 78.0232, aux.loss_ce: 0.0455, aux.acc_seg: 77.5697, loss: 0.1451 2022-03-01 16:07:08,593 - mmseg - INFO - Iter [134150/160000] lr: 3.231e-06, eta: 2:35:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 78.9897, aux.loss_ce: 0.0434, aux.acc_seg: 78.6456, loss: 0.1385 2022-03-01 16:07:26,312 - mmseg - INFO - Iter [134200/160000] lr: 3.225e-06, eta: 2:34:42, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0974, decode.acc_seg: 78.6909, aux.loss_ce: 0.0447, aux.acc_seg: 78.2312, loss: 0.1421 2022-03-01 16:07:44,025 - mmseg - INFO - Iter [134250/160000] lr: 3.219e-06, eta: 2:34:24, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0958, decode.acc_seg: 77.3973, aux.loss_ce: 0.0437, aux.acc_seg: 76.9735, loss: 0.1395 2022-03-01 16:08:01,784 - mmseg - INFO - Iter [134300/160000] lr: 3.213e-06, eta: 2:34:06, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 76.7310, aux.loss_ce: 0.0439, aux.acc_seg: 76.3160, loss: 0.1406 2022-03-01 16:08:19,661 - mmseg - INFO - Iter [134350/160000] lr: 3.206e-06, eta: 2:33:48, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 75.7865, aux.loss_ce: 0.0463, aux.acc_seg: 75.3150, loss: 0.1474 2022-03-01 16:08:37,291 - mmseg - INFO - Iter [134400/160000] lr: 3.200e-06, eta: 2:33:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1001, decode.acc_seg: 76.6986, aux.loss_ce: 0.0456, aux.acc_seg: 76.2428, loss: 0.1457 2022-03-01 16:08:54,948 - mmseg - INFO - Iter [134450/160000] lr: 3.194e-06, eta: 2:33:12, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0970, decode.acc_seg: 77.2510, aux.loss_ce: 0.0443, aux.acc_seg: 76.8155, loss: 0.1413 2022-03-01 16:09:12,627 - mmseg - INFO - Iter [134500/160000] lr: 3.188e-06, eta: 2:32:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1063, decode.acc_seg: 77.7155, aux.loss_ce: 0.0481, aux.acc_seg: 77.3063, loss: 0.1544 2022-03-01 16:09:30,479 - mmseg - INFO - Iter [134550/160000] lr: 3.181e-06, eta: 2:32:36, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1031, decode.acc_seg: 78.7107, aux.loss_ce: 0.0466, aux.acc_seg: 78.3340, loss: 0.1496 2022-03-01 16:09:48,351 - mmseg - INFO - Iter [134600/160000] lr: 3.175e-06, eta: 2:32:18, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0996, decode.acc_seg: 77.6696, aux.loss_ce: 0.0455, aux.acc_seg: 77.2354, loss: 0.1451 2022-03-01 16:10:06,312 - mmseg - INFO - Iter [134650/160000] lr: 3.169e-06, eta: 2:32:00, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1009, decode.acc_seg: 78.3595, aux.loss_ce: 0.0459, aux.acc_seg: 77.9341, loss: 0.1468 2022-03-01 16:10:24,223 - mmseg - INFO - Iter [134700/160000] lr: 3.163e-06, eta: 2:31:42, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0961, decode.acc_seg: 76.6955, aux.loss_ce: 0.0444, aux.acc_seg: 76.1887, loss: 0.1405 2022-03-01 16:10:41,861 - mmseg - INFO - Iter [134750/160000] lr: 3.156e-06, eta: 2:31:24, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0904, decode.acc_seg: 78.4720, aux.loss_ce: 0.0415, aux.acc_seg: 78.0481, loss: 0.1320 2022-03-01 16:10:59,719 - mmseg - INFO - Iter [134800/160000] lr: 3.150e-06, eta: 2:31:06, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0989, decode.acc_seg: 77.6557, aux.loss_ce: 0.0450, aux.acc_seg: 77.1936, loss: 0.1438 2022-03-01 16:11:17,457 - mmseg - INFO - Iter [134850/160000] lr: 3.144e-06, eta: 2:30:48, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1020, decode.acc_seg: 76.4885, aux.loss_ce: 0.0465, aux.acc_seg: 76.0255, loss: 0.1485 2022-03-01 16:11:35,199 - mmseg - INFO - Iter [134900/160000] lr: 3.138e-06, eta: 2:30:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0935, decode.acc_seg: 78.1801, aux.loss_ce: 0.0429, aux.acc_seg: 77.7572, loss: 0.1364 2022-03-01 16:11:52,928 - mmseg - INFO - Iter [134950/160000] lr: 3.131e-06, eta: 2:30:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0956, decode.acc_seg: 77.9780, aux.loss_ce: 0.0434, aux.acc_seg: 77.5277, loss: 0.1390 2022-03-01 16:12:10,648 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:12:10,649 - mmseg - INFO - Iter [135000/160000] lr: 3.125e-06, eta: 2:29:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0999, decode.acc_seg: 77.2701, aux.loss_ce: 0.0455, aux.acc_seg: 76.7980, loss: 0.1455 2022-03-01 16:12:28,428 - mmseg - INFO - Iter [135050/160000] lr: 3.119e-06, eta: 2:29:35, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1044, decode.acc_seg: 77.0269, aux.loss_ce: 0.0475, aux.acc_seg: 76.5573, loss: 0.1519 2022-03-01 16:12:46,379 - mmseg - INFO - Iter [135100/160000] lr: 3.113e-06, eta: 2:29:17, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0972, decode.acc_seg: 77.2657, aux.loss_ce: 0.0443, aux.acc_seg: 76.8419, loss: 0.1416 2022-03-01 16:13:06,524 - mmseg - INFO - Iter [135150/160000] lr: 3.106e-06, eta: 2:29:00, time: 0.403, data_time: 0.052, memory: 49013, decode.loss_ce: 0.0982, decode.acc_seg: 76.9264, aux.loss_ce: 0.0450, aux.acc_seg: 76.5017, loss: 0.1432 2022-03-01 16:13:24,460 - mmseg - INFO - Iter [135200/160000] lr: 3.100e-06, eta: 2:28:42, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0972, decode.acc_seg: 77.0182, aux.loss_ce: 0.0448, aux.acc_seg: 76.5440, loss: 0.1420 2022-03-01 16:13:42,062 - mmseg - INFO - Iter [135250/160000] lr: 3.094e-06, eta: 2:28:24, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0955, decode.acc_seg: 77.4175, aux.loss_ce: 0.0438, aux.acc_seg: 76.9907, loss: 0.1393 2022-03-01 16:13:59,899 - mmseg - INFO - Iter [135300/160000] lr: 3.088e-06, eta: 2:28:06, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0995, decode.acc_seg: 77.3327, aux.loss_ce: 0.0455, aux.acc_seg: 76.8600, loss: 0.1450 2022-03-01 16:14:17,703 - mmseg - INFO - Iter [135350/160000] lr: 3.081e-06, eta: 2:27:48, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0944, decode.acc_seg: 76.7502, aux.loss_ce: 0.0430, aux.acc_seg: 76.3429, loss: 0.1374 2022-03-01 16:14:35,522 - mmseg - INFO - Iter [135400/160000] lr: 3.075e-06, eta: 2:27:30, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0950, decode.acc_seg: 77.3683, aux.loss_ce: 0.0437, aux.acc_seg: 76.9044, loss: 0.1387 2022-03-01 16:14:53,298 - mmseg - INFO - Iter [135450/160000] lr: 3.069e-06, eta: 2:27:12, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0971, decode.acc_seg: 77.2355, aux.loss_ce: 0.0443, aux.acc_seg: 76.8098, loss: 0.1414 2022-03-01 16:15:11,329 - mmseg - INFO - Iter [135500/160000] lr: 3.063e-06, eta: 2:26:54, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1056, decode.acc_seg: 79.6959, aux.loss_ce: 0.0479, aux.acc_seg: 79.2653, loss: 0.1535 2022-03-01 16:15:29,145 - mmseg - INFO - Iter [135550/160000] lr: 3.056e-06, eta: 2:26:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0987, decode.acc_seg: 77.1920, aux.loss_ce: 0.0452, aux.acc_seg: 76.7540, loss: 0.1438 2022-03-01 16:15:46,748 - mmseg - INFO - Iter [135600/160000] lr: 3.050e-06, eta: 2:26:18, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0939, decode.acc_seg: 76.4910, aux.loss_ce: 0.0433, aux.acc_seg: 76.0159, loss: 0.1372 2022-03-01 16:16:04,513 - mmseg - INFO - Iter [135650/160000] lr: 3.044e-06, eta: 2:26:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 78.1256, aux.loss_ce: 0.0429, aux.acc_seg: 77.7267, loss: 0.1370 2022-03-01 16:16:22,274 - mmseg - INFO - Iter [135700/160000] lr: 3.038e-06, eta: 2:25:42, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0944, decode.acc_seg: 78.1941, aux.loss_ce: 0.0433, aux.acc_seg: 77.7594, loss: 0.1376 2022-03-01 16:16:40,043 - mmseg - INFO - Iter [135750/160000] lr: 3.031e-06, eta: 2:25:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0997, decode.acc_seg: 77.8041, aux.loss_ce: 0.0450, aux.acc_seg: 77.4226, loss: 0.1447 2022-03-01 16:16:57,843 - mmseg - INFO - Iter [135800/160000] lr: 3.025e-06, eta: 2:25:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1046, decode.acc_seg: 78.3821, aux.loss_ce: 0.0473, aux.acc_seg: 77.9456, loss: 0.1520 2022-03-01 16:17:15,507 - mmseg - INFO - Iter [135850/160000] lr: 3.019e-06, eta: 2:24:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0970, decode.acc_seg: 79.1622, aux.loss_ce: 0.0443, aux.acc_seg: 78.7190, loss: 0.1413 2022-03-01 16:17:33,191 - mmseg - INFO - Iter [135900/160000] lr: 3.013e-06, eta: 2:24:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0969, decode.acc_seg: 78.2383, aux.loss_ce: 0.0445, aux.acc_seg: 77.7899, loss: 0.1414 2022-03-01 16:17:50,881 - mmseg - INFO - Iter [135950/160000] lr: 3.006e-06, eta: 2:24:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0992, decode.acc_seg: 76.2627, aux.loss_ce: 0.0456, aux.acc_seg: 75.7890, loss: 0.1448 2022-03-01 16:18:08,657 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:18:08,657 - mmseg - INFO - Iter [136000/160000] lr: 3.000e-06, eta: 2:23:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0962, decode.acc_seg: 77.6300, aux.loss_ce: 0.0441, aux.acc_seg: 77.2192, loss: 0.1403 2022-03-01 16:18:26,361 - mmseg - INFO - Iter [136050/160000] lr: 2.994e-06, eta: 2:23:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0963, decode.acc_seg: 77.3596, aux.loss_ce: 0.0441, aux.acc_seg: 76.9314, loss: 0.1404 2022-03-01 16:18:44,130 - mmseg - INFO - Iter [136100/160000] lr: 2.988e-06, eta: 2:23:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0993, decode.acc_seg: 77.5165, aux.loss_ce: 0.0454, aux.acc_seg: 77.0998, loss: 0.1447 2022-03-01 16:19:01,880 - mmseg - INFO - Iter [136150/160000] lr: 2.981e-06, eta: 2:22:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 76.8365, aux.loss_ce: 0.0436, aux.acc_seg: 76.4182, loss: 0.1393 2022-03-01 16:19:19,792 - mmseg - INFO - Iter [136200/160000] lr: 2.975e-06, eta: 2:22:41, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0941, decode.acc_seg: 77.1590, aux.loss_ce: 0.0429, aux.acc_seg: 76.7646, loss: 0.1370 2022-03-01 16:19:37,498 - mmseg - INFO - Iter [136250/160000] lr: 2.969e-06, eta: 2:22:23, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1009, decode.acc_seg: 78.0640, aux.loss_ce: 0.0462, aux.acc_seg: 77.6198, loss: 0.1471 2022-03-01 16:19:55,389 - mmseg - INFO - Iter [136300/160000] lr: 2.963e-06, eta: 2:22:05, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1026, decode.acc_seg: 76.9792, aux.loss_ce: 0.0470, aux.acc_seg: 76.5119, loss: 0.1495 2022-03-01 16:20:13,060 - mmseg - INFO - Iter [136350/160000] lr: 2.956e-06, eta: 2:21:47, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1017, decode.acc_seg: 76.6251, aux.loss_ce: 0.0464, aux.acc_seg: 76.1956, loss: 0.1481 2022-03-01 16:20:30,970 - mmseg - INFO - Iter [136400/160000] lr: 2.950e-06, eta: 2:21:29, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1000, decode.acc_seg: 76.9554, aux.loss_ce: 0.0457, aux.acc_seg: 76.5409, loss: 0.1457 2022-03-01 16:20:51,214 - mmseg - INFO - Iter [136450/160000] lr: 2.944e-06, eta: 2:21:12, time: 0.405, data_time: 0.052, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 77.1895, aux.loss_ce: 0.0430, aux.acc_seg: 76.7644, loss: 0.1371 2022-03-01 16:21:09,263 - mmseg - INFO - Iter [136500/160000] lr: 2.938e-06, eta: 2:20:54, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 78.1579, aux.loss_ce: 0.0448, aux.acc_seg: 77.7616, loss: 0.1431 2022-03-01 16:21:27,067 - mmseg - INFO - Iter [136550/160000] lr: 2.931e-06, eta: 2:20:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 77.5521, aux.loss_ce: 0.0434, aux.acc_seg: 77.1321, loss: 0.1377 2022-03-01 16:21:44,801 - mmseg - INFO - Iter [136600/160000] lr: 2.925e-06, eta: 2:20:18, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0998, decode.acc_seg: 77.8190, aux.loss_ce: 0.0458, aux.acc_seg: 77.3844, loss: 0.1457 2022-03-01 16:22:02,561 - mmseg - INFO - Iter [136650/160000] lr: 2.919e-06, eta: 2:20:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1006, decode.acc_seg: 77.8446, aux.loss_ce: 0.0455, aux.acc_seg: 77.4118, loss: 0.1460 2022-03-01 16:22:20,372 - mmseg - INFO - Iter [136700/160000] lr: 2.913e-06, eta: 2:19:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0999, decode.acc_seg: 77.6484, aux.loss_ce: 0.0452, aux.acc_seg: 77.2162, loss: 0.1452 2022-03-01 16:22:38,045 - mmseg - INFO - Iter [136750/160000] lr: 2.906e-06, eta: 2:19:23, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 77.9692, aux.loss_ce: 0.0459, aux.acc_seg: 77.5261, loss: 0.1469 2022-03-01 16:22:55,869 - mmseg - INFO - Iter [136800/160000] lr: 2.900e-06, eta: 2:19:05, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0947, decode.acc_seg: 76.7823, aux.loss_ce: 0.0432, aux.acc_seg: 76.3578, loss: 0.1379 2022-03-01 16:23:13,711 - mmseg - INFO - Iter [136850/160000] lr: 2.894e-06, eta: 2:18:47, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1004, decode.acc_seg: 76.7366, aux.loss_ce: 0.0458, aux.acc_seg: 76.2822, loss: 0.1462 2022-03-01 16:23:31,525 - mmseg - INFO - Iter [136900/160000] lr: 2.888e-06, eta: 2:18:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1017, decode.acc_seg: 78.0432, aux.loss_ce: 0.0463, aux.acc_seg: 77.5844, loss: 0.1481 2022-03-01 16:23:49,189 - mmseg - INFO - Iter [136950/160000] lr: 2.881e-06, eta: 2:18:11, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0980, decode.acc_seg: 76.3750, aux.loss_ce: 0.0449, aux.acc_seg: 75.9249, loss: 0.1429 2022-03-01 16:24:07,106 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:24:07,107 - mmseg - INFO - Iter [137000/160000] lr: 2.875e-06, eta: 2:17:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0919, decode.acc_seg: 77.6789, aux.loss_ce: 0.0423, aux.acc_seg: 77.2415, loss: 0.1342 2022-03-01 16:24:24,771 - mmseg - INFO - Iter [137050/160000] lr: 2.869e-06, eta: 2:17:35, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 75.4818, aux.loss_ce: 0.0425, aux.acc_seg: 75.0679, loss: 0.1352 2022-03-01 16:24:42,565 - mmseg - INFO - Iter [137100/160000] lr: 2.863e-06, eta: 2:17:17, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0964, decode.acc_seg: 76.4904, aux.loss_ce: 0.0438, aux.acc_seg: 76.0735, loss: 0.1401 2022-03-01 16:25:00,335 - mmseg - INFO - Iter [137150/160000] lr: 2.856e-06, eta: 2:16:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0971, decode.acc_seg: 76.6634, aux.loss_ce: 0.0446, aux.acc_seg: 76.2201, loss: 0.1417 2022-03-01 16:25:18,070 - mmseg - INFO - Iter [137200/160000] lr: 2.850e-06, eta: 2:16:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0993, decode.acc_seg: 77.7420, aux.loss_ce: 0.0449, aux.acc_seg: 77.3196, loss: 0.1442 2022-03-01 16:25:35,828 - mmseg - INFO - Iter [137250/160000] lr: 2.844e-06, eta: 2:16:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1016, decode.acc_seg: 78.0977, aux.loss_ce: 0.0465, aux.acc_seg: 77.6340, loss: 0.1481 2022-03-01 16:25:53,900 - mmseg - INFO - Iter [137300/160000] lr: 2.838e-06, eta: 2:16:05, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1008, decode.acc_seg: 77.7830, aux.loss_ce: 0.0460, aux.acc_seg: 77.3048, loss: 0.1468 2022-03-01 16:26:11,479 - mmseg - INFO - Iter [137350/160000] lr: 2.831e-06, eta: 2:15:47, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0992, decode.acc_seg: 77.9280, aux.loss_ce: 0.0453, aux.acc_seg: 77.4859, loss: 0.1445 2022-03-01 16:26:29,401 - mmseg - INFO - Iter [137400/160000] lr: 2.825e-06, eta: 2:15:29, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1000, decode.acc_seg: 75.9151, aux.loss_ce: 0.0456, aux.acc_seg: 75.4595, loss: 0.1457 2022-03-01 16:26:47,134 - mmseg - INFO - Iter [137450/160000] lr: 2.819e-06, eta: 2:15:11, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0986, decode.acc_seg: 77.8897, aux.loss_ce: 0.0451, aux.acc_seg: 77.4533, loss: 0.1437 2022-03-01 16:27:05,088 - mmseg - INFO - Iter [137500/160000] lr: 2.813e-06, eta: 2:14:53, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0984, decode.acc_seg: 76.2125, aux.loss_ce: 0.0448, aux.acc_seg: 75.8658, loss: 0.1432 2022-03-01 16:27:22,947 - mmseg - INFO - Iter [137550/160000] lr: 2.806e-06, eta: 2:14:35, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1023, decode.acc_seg: 78.5789, aux.loss_ce: 0.0470, aux.acc_seg: 78.0964, loss: 0.1492 2022-03-01 16:27:40,746 - mmseg - INFO - Iter [137600/160000] lr: 2.800e-06, eta: 2:14:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 77.1508, aux.loss_ce: 0.0438, aux.acc_seg: 76.7304, loss: 0.1396 2022-03-01 16:27:58,636 - mmseg - INFO - Iter [137650/160000] lr: 2.794e-06, eta: 2:13:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 77.1208, aux.loss_ce: 0.0441, aux.acc_seg: 76.6849, loss: 0.1407 2022-03-01 16:28:18,826 - mmseg - INFO - Iter [137700/160000] lr: 2.788e-06, eta: 2:13:42, time: 0.404, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0985, decode.acc_seg: 76.7439, aux.loss_ce: 0.0448, aux.acc_seg: 76.3423, loss: 0.1433 2022-03-01 16:28:36,746 - mmseg - INFO - Iter [137750/160000] lr: 2.781e-06, eta: 2:13:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0964, decode.acc_seg: 76.8798, aux.loss_ce: 0.0441, aux.acc_seg: 76.4468, loss: 0.1404 2022-03-01 16:28:54,439 - mmseg - INFO - Iter [137800/160000] lr: 2.775e-06, eta: 2:13:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0996, decode.acc_seg: 76.9084, aux.loss_ce: 0.0459, aux.acc_seg: 76.4342, loss: 0.1455 2022-03-01 16:29:12,312 - mmseg - INFO - Iter [137850/160000] lr: 2.769e-06, eta: 2:12:48, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 78.4601, aux.loss_ce: 0.0444, aux.acc_seg: 78.0106, loss: 0.1412 2022-03-01 16:29:29,977 - mmseg - INFO - Iter [137900/160000] lr: 2.763e-06, eta: 2:12:29, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 78.4276, aux.loss_ce: 0.0428, aux.acc_seg: 77.9704, loss: 0.1357 2022-03-01 16:29:47,654 - mmseg - INFO - Iter [137950/160000] lr: 2.756e-06, eta: 2:12:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0985, decode.acc_seg: 77.4247, aux.loss_ce: 0.0449, aux.acc_seg: 76.9658, loss: 0.1434 2022-03-01 16:30:05,395 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:30:05,395 - mmseg - INFO - Iter [138000/160000] lr: 2.750e-06, eta: 2:11:53, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1022, decode.acc_seg: 77.8499, aux.loss_ce: 0.0468, aux.acc_seg: 77.3383, loss: 0.1489 2022-03-01 16:30:23,234 - mmseg - INFO - Iter [138050/160000] lr: 2.744e-06, eta: 2:11:35, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 78.0333, aux.loss_ce: 0.0432, aux.acc_seg: 77.5848, loss: 0.1379 2022-03-01 16:30:41,131 - mmseg - INFO - Iter [138100/160000] lr: 2.738e-06, eta: 2:11:17, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0949, decode.acc_seg: 77.5433, aux.loss_ce: 0.0437, aux.acc_seg: 77.0834, loss: 0.1386 2022-03-01 16:30:58,782 - mmseg - INFO - Iter [138150/160000] lr: 2.731e-06, eta: 2:10:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0963, decode.acc_seg: 76.4734, aux.loss_ce: 0.0438, aux.acc_seg: 76.0642, loss: 0.1401 2022-03-01 16:31:16,677 - mmseg - INFO - Iter [138200/160000] lr: 2.725e-06, eta: 2:10:41, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1028, decode.acc_seg: 77.4410, aux.loss_ce: 0.0468, aux.acc_seg: 76.9959, loss: 0.1496 2022-03-01 16:31:34,449 - mmseg - INFO - Iter [138250/160000] lr: 2.719e-06, eta: 2:10:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 77.1273, aux.loss_ce: 0.0420, aux.acc_seg: 76.7322, loss: 0.1335 2022-03-01 16:31:52,211 - mmseg - INFO - Iter [138300/160000] lr: 2.713e-06, eta: 2:10:05, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0927, decode.acc_seg: 77.0025, aux.loss_ce: 0.0427, aux.acc_seg: 76.5647, loss: 0.1354 2022-03-01 16:32:10,186 - mmseg - INFO - Iter [138350/160000] lr: 2.706e-06, eta: 2:09:47, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1006, decode.acc_seg: 78.1491, aux.loss_ce: 0.0460, aux.acc_seg: 77.7112, loss: 0.1466 2022-03-01 16:32:28,015 - mmseg - INFO - Iter [138400/160000] lr: 2.700e-06, eta: 2:09:29, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0991, decode.acc_seg: 77.1824, aux.loss_ce: 0.0449, aux.acc_seg: 76.7749, loss: 0.1441 2022-03-01 16:32:45,957 - mmseg - INFO - Iter [138450/160000] lr: 2.694e-06, eta: 2:09:11, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0962, decode.acc_seg: 77.8061, aux.loss_ce: 0.0440, aux.acc_seg: 77.3386, loss: 0.1402 2022-03-01 16:33:03,762 - mmseg - INFO - Iter [138500/160000] lr: 2.688e-06, eta: 2:08:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 77.5611, aux.loss_ce: 0.0464, aux.acc_seg: 77.0622, loss: 0.1475 2022-03-01 16:33:21,445 - mmseg - INFO - Iter [138550/160000] lr: 2.681e-06, eta: 2:08:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0955, decode.acc_seg: 78.3144, aux.loss_ce: 0.0439, aux.acc_seg: 77.8455, loss: 0.1394 2022-03-01 16:33:39,376 - mmseg - INFO - Iter [138600/160000] lr: 2.675e-06, eta: 2:08:17, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 76.9577, aux.loss_ce: 0.0435, aux.acc_seg: 76.5583, loss: 0.1393 2022-03-01 16:33:57,131 - mmseg - INFO - Iter [138650/160000] lr: 2.669e-06, eta: 2:07:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 78.3667, aux.loss_ce: 0.0441, aux.acc_seg: 77.9433, loss: 0.1409 2022-03-01 16:34:14,808 - mmseg - INFO - Iter [138700/160000] lr: 2.663e-06, eta: 2:07:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0982, decode.acc_seg: 76.7050, aux.loss_ce: 0.0448, aux.acc_seg: 76.2690, loss: 0.1429 2022-03-01 16:34:32,536 - mmseg - INFO - Iter [138750/160000] lr: 2.656e-06, eta: 2:07:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0993, decode.acc_seg: 77.2312, aux.loss_ce: 0.0452, aux.acc_seg: 76.8045, loss: 0.1445 2022-03-01 16:34:50,366 - mmseg - INFO - Iter [138800/160000] lr: 2.650e-06, eta: 2:07:05, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1015, decode.acc_seg: 77.7956, aux.loss_ce: 0.0466, aux.acc_seg: 77.3394, loss: 0.1481 2022-03-01 16:35:08,134 - mmseg - INFO - Iter [138850/160000] lr: 2.644e-06, eta: 2:06:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0953, decode.acc_seg: 76.4623, aux.loss_ce: 0.0436, aux.acc_seg: 76.0100, loss: 0.1389 2022-03-01 16:35:25,942 - mmseg - INFO - Iter [138900/160000] lr: 2.638e-06, eta: 2:06:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0965, decode.acc_seg: 76.7662, aux.loss_ce: 0.0445, aux.acc_seg: 76.2983, loss: 0.1410 2022-03-01 16:35:46,153 - mmseg - INFO - Iter [138950/160000] lr: 2.631e-06, eta: 2:06:12, time: 0.404, data_time: 0.050, memory: 49013, decode.loss_ce: 0.1009, decode.acc_seg: 76.9803, aux.loss_ce: 0.0460, aux.acc_seg: 76.6139, loss: 0.1468 2022-03-01 16:36:03,936 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:36:03,936 - mmseg - INFO - Iter [139000/160000] lr: 2.625e-06, eta: 2:05:54, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0991, decode.acc_seg: 77.4061, aux.loss_ce: 0.0448, aux.acc_seg: 77.0111, loss: 0.1439 2022-03-01 16:36:21,636 - mmseg - INFO - Iter [139050/160000] lr: 2.619e-06, eta: 2:05:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0998, decode.acc_seg: 76.2126, aux.loss_ce: 0.0455, aux.acc_seg: 75.7751, loss: 0.1453 2022-03-01 16:36:39,329 - mmseg - INFO - Iter [139100/160000] lr: 2.613e-06, eta: 2:05:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0984, decode.acc_seg: 79.0622, aux.loss_ce: 0.0451, aux.acc_seg: 78.6261, loss: 0.1435 2022-03-01 16:36:57,267 - mmseg - INFO - Iter [139150/160000] lr: 2.606e-06, eta: 2:04:59, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1007, decode.acc_seg: 77.0011, aux.loss_ce: 0.0464, aux.acc_seg: 76.5189, loss: 0.1471 2022-03-01 16:37:15,032 - mmseg - INFO - Iter [139200/160000] lr: 2.600e-06, eta: 2:04:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 77.4844, aux.loss_ce: 0.0440, aux.acc_seg: 77.0177, loss: 0.1391 2022-03-01 16:37:32,903 - mmseg - INFO - Iter [139250/160000] lr: 2.594e-06, eta: 2:04:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0971, decode.acc_seg: 77.2699, aux.loss_ce: 0.0447, aux.acc_seg: 76.7886, loss: 0.1418 2022-03-01 16:37:50,680 - mmseg - INFO - Iter [139300/160000] lr: 2.588e-06, eta: 2:04:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0925, decode.acc_seg: 76.7599, aux.loss_ce: 0.0423, aux.acc_seg: 76.3356, loss: 0.1348 2022-03-01 16:38:08,458 - mmseg - INFO - Iter [139350/160000] lr: 2.581e-06, eta: 2:03:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0956, decode.acc_seg: 78.0068, aux.loss_ce: 0.0436, aux.acc_seg: 77.5754, loss: 0.1392 2022-03-01 16:38:26,275 - mmseg - INFO - Iter [139400/160000] lr: 2.575e-06, eta: 2:03:29, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 76.0918, aux.loss_ce: 0.0443, aux.acc_seg: 75.6439, loss: 0.1410 2022-03-01 16:38:43,978 - mmseg - INFO - Iter [139450/160000] lr: 2.569e-06, eta: 2:03:11, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0990, decode.acc_seg: 76.1066, aux.loss_ce: 0.0453, aux.acc_seg: 75.6264, loss: 0.1443 2022-03-01 16:39:01,579 - mmseg - INFO - Iter [139500/160000] lr: 2.563e-06, eta: 2:02:53, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0953, decode.acc_seg: 77.3718, aux.loss_ce: 0.0438, aux.acc_seg: 76.9787, loss: 0.1391 2022-03-01 16:39:19,624 - mmseg - INFO - Iter [139550/160000] lr: 2.556e-06, eta: 2:02:35, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0938, decode.acc_seg: 77.0958, aux.loss_ce: 0.0429, aux.acc_seg: 76.6552, loss: 0.1367 2022-03-01 16:39:37,451 - mmseg - INFO - Iter [139600/160000] lr: 2.550e-06, eta: 2:02:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1012, decode.acc_seg: 78.2407, aux.loss_ce: 0.0457, aux.acc_seg: 77.8546, loss: 0.1469 2022-03-01 16:39:55,357 - mmseg - INFO - Iter [139650/160000] lr: 2.544e-06, eta: 2:01:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 77.4910, aux.loss_ce: 0.0436, aux.acc_seg: 77.1128, loss: 0.1387 2022-03-01 16:40:13,227 - mmseg - INFO - Iter [139700/160000] lr: 2.538e-06, eta: 2:01:41, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0969, decode.acc_seg: 78.5657, aux.loss_ce: 0.0442, aux.acc_seg: 78.1457, loss: 0.1411 2022-03-01 16:40:30,978 - mmseg - INFO - Iter [139750/160000] lr: 2.531e-06, eta: 2:01:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 77.2948, aux.loss_ce: 0.0444, aux.acc_seg: 76.8342, loss: 0.1411 2022-03-01 16:40:48,798 - mmseg - INFO - Iter [139800/160000] lr: 2.525e-06, eta: 2:01:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0936, decode.acc_seg: 77.0137, aux.loss_ce: 0.0430, aux.acc_seg: 76.6004, loss: 0.1365 2022-03-01 16:41:06,534 - mmseg - INFO - Iter [139850/160000] lr: 2.519e-06, eta: 2:00:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0992, decode.acc_seg: 78.2413, aux.loss_ce: 0.0454, aux.acc_seg: 77.7818, loss: 0.1447 2022-03-01 16:41:24,238 - mmseg - INFO - Iter [139900/160000] lr: 2.513e-06, eta: 2:00:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0971, decode.acc_seg: 77.3620, aux.loss_ce: 0.0445, aux.acc_seg: 76.9298, loss: 0.1415 2022-03-01 16:41:42,019 - mmseg - INFO - Iter [139950/160000] lr: 2.506e-06, eta: 2:00:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1019, decode.acc_seg: 77.8587, aux.loss_ce: 0.0463, aux.acc_seg: 77.4022, loss: 0.1482 2022-03-01 16:41:59,957 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:41:59,957 - mmseg - INFO - Iter [140000/160000] lr: 2.500e-06, eta: 1:59:53, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0934, decode.acc_seg: 77.2328, aux.loss_ce: 0.0429, aux.acc_seg: 76.7849, loss: 0.1363 2022-03-01 16:42:17,903 - mmseg - INFO - Iter [140050/160000] lr: 2.494e-06, eta: 1:59:35, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 78.9399, aux.loss_ce: 0.0450, aux.acc_seg: 78.4838, loss: 0.1431 2022-03-01 16:42:35,750 - mmseg - INFO - Iter [140100/160000] lr: 2.488e-06, eta: 1:59:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 77.8381, aux.loss_ce: 0.0427, aux.acc_seg: 77.3923, loss: 0.1355 2022-03-01 16:42:53,704 - mmseg - INFO - Iter [140150/160000] lr: 2.481e-06, eta: 1:58:59, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0982, decode.acc_seg: 78.2040, aux.loss_ce: 0.0448, aux.acc_seg: 77.8118, loss: 0.1429 2022-03-01 16:43:13,951 - mmseg - INFO - Iter [140200/160000] lr: 2.475e-06, eta: 1:58:42, time: 0.405, data_time: 0.051, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 78.2438, aux.loss_ce: 0.0458, aux.acc_seg: 77.8131, loss: 0.1469 2022-03-01 16:43:31,764 - mmseg - INFO - Iter [140250/160000] lr: 2.469e-06, eta: 1:58:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0980, decode.acc_seg: 77.6260, aux.loss_ce: 0.0447, aux.acc_seg: 77.1777, loss: 0.1428 2022-03-01 16:43:49,706 - mmseg - INFO - Iter [140300/160000] lr: 2.463e-06, eta: 1:58:06, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0936, decode.acc_seg: 77.2665, aux.loss_ce: 0.0429, aux.acc_seg: 76.8433, loss: 0.1364 2022-03-01 16:44:07,377 - mmseg - INFO - Iter [140350/160000] lr: 2.456e-06, eta: 1:57:48, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0974, decode.acc_seg: 78.7270, aux.loss_ce: 0.0447, aux.acc_seg: 78.2662, loss: 0.1421 2022-03-01 16:44:25,215 - mmseg - INFO - Iter [140400/160000] lr: 2.450e-06, eta: 1:57:30, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1027, decode.acc_seg: 78.3120, aux.loss_ce: 0.0460, aux.acc_seg: 77.8327, loss: 0.1487 2022-03-01 16:44:43,148 - mmseg - INFO - Iter [140450/160000] lr: 2.444e-06, eta: 1:57:12, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 77.1150, aux.loss_ce: 0.0419, aux.acc_seg: 76.7385, loss: 0.1343 2022-03-01 16:45:00,848 - mmseg - INFO - Iter [140500/160000] lr: 2.438e-06, eta: 1:56:54, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0970, decode.acc_seg: 78.1932, aux.loss_ce: 0.0444, aux.acc_seg: 77.7348, loss: 0.1414 2022-03-01 16:45:18,714 - mmseg - INFO - Iter [140550/160000] lr: 2.431e-06, eta: 1:56:36, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0931, decode.acc_seg: 77.2884, aux.loss_ce: 0.0427, aux.acc_seg: 76.8115, loss: 0.1358 2022-03-01 16:45:36,701 - mmseg - INFO - Iter [140600/160000] lr: 2.425e-06, eta: 1:56:18, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0969, decode.acc_seg: 77.3884, aux.loss_ce: 0.0444, aux.acc_seg: 76.9266, loss: 0.1412 2022-03-01 16:45:54,503 - mmseg - INFO - Iter [140650/160000] lr: 2.419e-06, eta: 1:56:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0956, decode.acc_seg: 76.4976, aux.loss_ce: 0.0441, aux.acc_seg: 76.0455, loss: 0.1396 2022-03-01 16:46:12,306 - mmseg - INFO - Iter [140700/160000] lr: 2.413e-06, eta: 1:55:42, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0914, decode.acc_seg: 76.3344, aux.loss_ce: 0.0424, aux.acc_seg: 75.8835, loss: 0.1338 2022-03-01 16:46:30,034 - mmseg - INFO - Iter [140750/160000] lr: 2.406e-06, eta: 1:55:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0933, decode.acc_seg: 76.9088, aux.loss_ce: 0.0427, aux.acc_seg: 76.4679, loss: 0.1360 2022-03-01 16:46:47,750 - mmseg - INFO - Iter [140800/160000] lr: 2.400e-06, eta: 1:55:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0999, decode.acc_seg: 77.3404, aux.loss_ce: 0.0461, aux.acc_seg: 76.8858, loss: 0.1460 2022-03-01 16:47:05,438 - mmseg - INFO - Iter [140850/160000] lr: 2.394e-06, eta: 1:54:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1013, decode.acc_seg: 78.9284, aux.loss_ce: 0.0465, aux.acc_seg: 78.4668, loss: 0.1478 2022-03-01 16:47:23,197 - mmseg - INFO - Iter [140900/160000] lr: 2.388e-06, eta: 1:54:29, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0921, decode.acc_seg: 76.6867, aux.loss_ce: 0.0427, aux.acc_seg: 76.2264, loss: 0.1348 2022-03-01 16:47:41,047 - mmseg - INFO - Iter [140950/160000] lr: 2.381e-06, eta: 1:54:11, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0938, decode.acc_seg: 77.0187, aux.loss_ce: 0.0431, aux.acc_seg: 76.5552, loss: 0.1369 2022-03-01 16:47:58,829 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:47:58,830 - mmseg - INFO - Iter [141000/160000] lr: 2.375e-06, eta: 1:53:53, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0991, decode.acc_seg: 76.4466, aux.loss_ce: 0.0452, aux.acc_seg: 76.0065, loss: 0.1443 2022-03-01 16:48:16,649 - mmseg - INFO - Iter [141050/160000] lr: 2.369e-06, eta: 1:53:35, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0960, decode.acc_seg: 76.5805, aux.loss_ce: 0.0441, aux.acc_seg: 76.1414, loss: 0.1401 2022-03-01 16:48:34,385 - mmseg - INFO - Iter [141100/160000] lr: 2.363e-06, eta: 1:53:17, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0985, decode.acc_seg: 76.8380, aux.loss_ce: 0.0449, aux.acc_seg: 76.3838, loss: 0.1434 2022-03-01 16:48:52,150 - mmseg - INFO - Iter [141150/160000] lr: 2.356e-06, eta: 1:52:59, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 76.0114, aux.loss_ce: 0.0443, aux.acc_seg: 75.5617, loss: 0.1410 2022-03-01 16:49:09,796 - mmseg - INFO - Iter [141200/160000] lr: 2.350e-06, eta: 1:52:41, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0954, decode.acc_seg: 77.4167, aux.loss_ce: 0.0435, aux.acc_seg: 77.0201, loss: 0.1390 2022-03-01 16:49:27,521 - mmseg - INFO - Iter [141250/160000] lr: 2.344e-06, eta: 1:52:23, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0953, decode.acc_seg: 77.3660, aux.loss_ce: 0.0435, aux.acc_seg: 76.9947, loss: 0.1387 2022-03-01 16:49:45,400 - mmseg - INFO - Iter [141300/160000] lr: 2.338e-06, eta: 1:52:05, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0976, decode.acc_seg: 77.9027, aux.loss_ce: 0.0445, aux.acc_seg: 77.4829, loss: 0.1420 2022-03-01 16:50:03,218 - mmseg - INFO - Iter [141350/160000] lr: 2.331e-06, eta: 1:51:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0941, decode.acc_seg: 77.9692, aux.loss_ce: 0.0431, aux.acc_seg: 77.5422, loss: 0.1372 2022-03-01 16:50:20,899 - mmseg - INFO - Iter [141400/160000] lr: 2.325e-06, eta: 1:51:29, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0977, decode.acc_seg: 78.3520, aux.loss_ce: 0.0446, aux.acc_seg: 77.9428, loss: 0.1423 2022-03-01 16:50:38,917 - mmseg - INFO - Iter [141450/160000] lr: 2.319e-06, eta: 1:51:11, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0947, decode.acc_seg: 76.6988, aux.loss_ce: 0.0440, aux.acc_seg: 76.2197, loss: 0.1387 2022-03-01 16:50:58,986 - mmseg - INFO - Iter [141500/160000] lr: 2.313e-06, eta: 1:50:54, time: 0.401, data_time: 0.050, memory: 49013, decode.loss_ce: 0.0932, decode.acc_seg: 77.1388, aux.loss_ce: 0.0430, aux.acc_seg: 76.6869, loss: 0.1362 2022-03-01 16:51:16,933 - mmseg - INFO - Iter [141550/160000] lr: 2.306e-06, eta: 1:50:36, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0989, decode.acc_seg: 77.3679, aux.loss_ce: 0.0458, aux.acc_seg: 76.9197, loss: 0.1448 2022-03-01 16:51:34,614 - mmseg - INFO - Iter [141600/160000] lr: 2.300e-06, eta: 1:50:18, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 77.1897, aux.loss_ce: 0.0426, aux.acc_seg: 76.7284, loss: 0.1354 2022-03-01 16:51:52,492 - mmseg - INFO - Iter [141650/160000] lr: 2.294e-06, eta: 1:50:00, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 75.6615, aux.loss_ce: 0.0433, aux.acc_seg: 75.1975, loss: 0.1374 2022-03-01 16:52:10,400 - mmseg - INFO - Iter [141700/160000] lr: 2.288e-06, eta: 1:49:42, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 77.8875, aux.loss_ce: 0.0445, aux.acc_seg: 77.4467, loss: 0.1412 2022-03-01 16:52:28,191 - mmseg - INFO - Iter [141750/160000] lr: 2.281e-06, eta: 1:49:24, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0944, decode.acc_seg: 76.6942, aux.loss_ce: 0.0435, aux.acc_seg: 76.2464, loss: 0.1379 2022-03-01 16:52:45,912 - mmseg - INFO - Iter [141800/160000] lr: 2.275e-06, eta: 1:49:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1055, decode.acc_seg: 76.7759, aux.loss_ce: 0.0475, aux.acc_seg: 76.3078, loss: 0.1530 2022-03-01 16:53:03,749 - mmseg - INFO - Iter [141850/160000] lr: 2.269e-06, eta: 1:48:48, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 78.0095, aux.loss_ce: 0.0425, aux.acc_seg: 77.5715, loss: 0.1346 2022-03-01 16:53:21,391 - mmseg - INFO - Iter [141900/160000] lr: 2.263e-06, eta: 1:48:30, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0898, decode.acc_seg: 77.3077, aux.loss_ce: 0.0414, aux.acc_seg: 76.8621, loss: 0.1312 2022-03-01 16:53:39,066 - mmseg - INFO - Iter [141950/160000] lr: 2.256e-06, eta: 1:48:12, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 76.8663, aux.loss_ce: 0.0449, aux.acc_seg: 76.4070, loss: 0.1430 2022-03-01 16:53:56,803 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:53:56,803 - mmseg - INFO - Iter [142000/160000] lr: 2.250e-06, eta: 1:47:54, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0914, decode.acc_seg: 78.1551, aux.loss_ce: 0.0424, aux.acc_seg: 77.6993, loss: 0.1338 2022-03-01 16:54:14,533 - mmseg - INFO - Iter [142050/160000] lr: 2.244e-06, eta: 1:47:36, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 77.6747, aux.loss_ce: 0.0434, aux.acc_seg: 77.2196, loss: 0.1374 2022-03-01 16:54:32,523 - mmseg - INFO - Iter [142100/160000] lr: 2.238e-06, eta: 1:47:18, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0938, decode.acc_seg: 76.9642, aux.loss_ce: 0.0433, aux.acc_seg: 76.5000, loss: 0.1370 2022-03-01 16:54:50,749 - mmseg - INFO - Iter [142150/160000] lr: 2.231e-06, eta: 1:47:00, time: 0.365, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1037, decode.acc_seg: 78.1835, aux.loss_ce: 0.0472, aux.acc_seg: 77.7574, loss: 0.1509 2022-03-01 16:55:08,712 - mmseg - INFO - Iter [142200/160000] lr: 2.225e-06, eta: 1:46:42, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1048, decode.acc_seg: 77.6811, aux.loss_ce: 0.0479, aux.acc_seg: 77.2419, loss: 0.1527 2022-03-01 16:55:26,597 - mmseg - INFO - Iter [142250/160000] lr: 2.219e-06, eta: 1:46:24, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0952, decode.acc_seg: 76.9073, aux.loss_ce: 0.0437, aux.acc_seg: 76.4610, loss: 0.1389 2022-03-01 16:55:44,452 - mmseg - INFO - Iter [142300/160000] lr: 2.213e-06, eta: 1:46:06, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0913, decode.acc_seg: 76.0261, aux.loss_ce: 0.0419, aux.acc_seg: 75.6019, loss: 0.1332 2022-03-01 16:56:02,288 - mmseg - INFO - Iter [142350/160000] lr: 2.206e-06, eta: 1:45:48, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 78.9448, aux.loss_ce: 0.0435, aux.acc_seg: 78.5079, loss: 0.1386 2022-03-01 16:56:20,059 - mmseg - INFO - Iter [142400/160000] lr: 2.200e-06, eta: 1:45:30, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1027, decode.acc_seg: 78.3463, aux.loss_ce: 0.0473, aux.acc_seg: 77.8001, loss: 0.1500 2022-03-01 16:56:37,673 - mmseg - INFO - Iter [142450/160000] lr: 2.194e-06, eta: 1:45:12, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1019, decode.acc_seg: 76.3664, aux.loss_ce: 0.0466, aux.acc_seg: 75.9257, loss: 0.1485 2022-03-01 16:56:55,546 - mmseg - INFO - Iter [142500/160000] lr: 2.188e-06, eta: 1:44:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0956, decode.acc_seg: 78.1458, aux.loss_ce: 0.0439, aux.acc_seg: 77.6919, loss: 0.1395 2022-03-01 16:57:13,358 - mmseg - INFO - Iter [142550/160000] lr: 2.181e-06, eta: 1:44:36, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0973, decode.acc_seg: 76.0268, aux.loss_ce: 0.0449, aux.acc_seg: 75.5505, loss: 0.1422 2022-03-01 16:57:31,024 - mmseg - INFO - Iter [142600/160000] lr: 2.175e-06, eta: 1:44:18, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0962, decode.acc_seg: 79.0370, aux.loss_ce: 0.0440, aux.acc_seg: 78.6013, loss: 0.1402 2022-03-01 16:57:48,734 - mmseg - INFO - Iter [142650/160000] lr: 2.169e-06, eta: 1:44:00, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 76.4163, aux.loss_ce: 0.0444, aux.acc_seg: 75.9716, loss: 0.1412 2022-03-01 16:58:06,885 - mmseg - INFO - Iter [142700/160000] lr: 2.163e-06, eta: 1:43:42, time: 0.363, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0912, decode.acc_seg: 77.2920, aux.loss_ce: 0.0421, aux.acc_seg: 76.8379, loss: 0.1333 2022-03-01 16:58:26,955 - mmseg - INFO - Iter [142750/160000] lr: 2.156e-06, eta: 1:43:24, time: 0.401, data_time: 0.052, memory: 49013, decode.loss_ce: 0.0977, decode.acc_seg: 76.8514, aux.loss_ce: 0.0448, aux.acc_seg: 76.3770, loss: 0.1426 2022-03-01 16:58:44,583 - mmseg - INFO - Iter [142800/160000] lr: 2.150e-06, eta: 1:43:06, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0985, decode.acc_seg: 77.4106, aux.loss_ce: 0.0449, aux.acc_seg: 76.9746, loss: 0.1434 2022-03-01 16:59:02,337 - mmseg - INFO - Iter [142850/160000] lr: 2.144e-06, eta: 1:42:48, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0955, decode.acc_seg: 76.3395, aux.loss_ce: 0.0438, aux.acc_seg: 75.8966, loss: 0.1393 2022-03-01 16:59:20,172 - mmseg - INFO - Iter [142900/160000] lr: 2.138e-06, eta: 1:42:30, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0958, decode.acc_seg: 76.9832, aux.loss_ce: 0.0440, aux.acc_seg: 76.5131, loss: 0.1397 2022-03-01 16:59:37,783 - mmseg - INFO - Iter [142950/160000] lr: 2.131e-06, eta: 1:42:12, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0978, decode.acc_seg: 77.8584, aux.loss_ce: 0.0451, aux.acc_seg: 77.3668, loss: 0.1429 2022-03-01 16:59:55,622 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 16:59:55,622 - mmseg - INFO - Iter [143000/160000] lr: 2.125e-06, eta: 1:41:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0961, decode.acc_seg: 76.9995, aux.loss_ce: 0.0441, aux.acc_seg: 76.5501, loss: 0.1402 2022-03-01 17:00:13,596 - mmseg - INFO - Iter [143050/160000] lr: 2.119e-06, eta: 1:41:36, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 77.8830, aux.loss_ce: 0.0434, aux.acc_seg: 77.4316, loss: 0.1380 2022-03-01 17:00:31,476 - mmseg - INFO - Iter [143100/160000] lr: 2.113e-06, eta: 1:41:18, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0935, decode.acc_seg: 78.3383, aux.loss_ce: 0.0426, aux.acc_seg: 77.9094, loss: 0.1361 2022-03-01 17:00:49,227 - mmseg - INFO - Iter [143150/160000] lr: 2.106e-06, eta: 1:41:00, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0945, decode.acc_seg: 77.2470, aux.loss_ce: 0.0431, aux.acc_seg: 76.8212, loss: 0.1375 2022-03-01 17:01:07,152 - mmseg - INFO - Iter [143200/160000] lr: 2.100e-06, eta: 1:40:42, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 76.4833, aux.loss_ce: 0.0423, aux.acc_seg: 76.0801, loss: 0.1351 2022-03-01 17:01:25,072 - mmseg - INFO - Iter [143250/160000] lr: 2.094e-06, eta: 1:40:24, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0991, decode.acc_seg: 78.7358, aux.loss_ce: 0.0457, aux.acc_seg: 78.2974, loss: 0.1448 2022-03-01 17:01:42,770 - mmseg - INFO - Iter [143300/160000] lr: 2.088e-06, eta: 1:40:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0990, decode.acc_seg: 77.2969, aux.loss_ce: 0.0456, aux.acc_seg: 76.8067, loss: 0.1447 2022-03-01 17:02:00,659 - mmseg - INFO - Iter [143350/160000] lr: 2.081e-06, eta: 1:39:48, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 76.4568, aux.loss_ce: 0.0432, aux.acc_seg: 76.0137, loss: 0.1376 2022-03-01 17:02:18,878 - mmseg - INFO - Iter [143400/160000] lr: 2.075e-06, eta: 1:39:30, time: 0.364, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0966, decode.acc_seg: 77.9107, aux.loss_ce: 0.0441, aux.acc_seg: 77.4838, loss: 0.1407 2022-03-01 17:02:36,815 - mmseg - INFO - Iter [143450/160000] lr: 2.069e-06, eta: 1:39:12, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0914, decode.acc_seg: 76.7548, aux.loss_ce: 0.0419, aux.acc_seg: 76.3395, loss: 0.1333 2022-03-01 17:02:54,657 - mmseg - INFO - Iter [143500/160000] lr: 2.063e-06, eta: 1:38:54, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0930, decode.acc_seg: 76.8779, aux.loss_ce: 0.0430, aux.acc_seg: 76.3957, loss: 0.1360 2022-03-01 17:03:12,420 - mmseg - INFO - Iter [143550/160000] lr: 2.056e-06, eta: 1:38:36, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 78.1432, aux.loss_ce: 0.0439, aux.acc_seg: 77.6855, loss: 0.1390 2022-03-01 17:03:30,386 - mmseg - INFO - Iter [143600/160000] lr: 2.050e-06, eta: 1:38:18, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1010, decode.acc_seg: 76.4812, aux.loss_ce: 0.0463, aux.acc_seg: 75.9951, loss: 0.1472 2022-03-01 17:03:48,173 - mmseg - INFO - Iter [143650/160000] lr: 2.044e-06, eta: 1:38:00, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0912, decode.acc_seg: 77.4314, aux.loss_ce: 0.0419, aux.acc_seg: 77.0161, loss: 0.1331 2022-03-01 17:04:06,065 - mmseg - INFO - Iter [143700/160000] lr: 2.038e-06, eta: 1:37:42, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0978, decode.acc_seg: 77.9586, aux.loss_ce: 0.0446, aux.acc_seg: 77.5440, loss: 0.1424 2022-03-01 17:04:23,835 - mmseg - INFO - Iter [143750/160000] lr: 2.031e-06, eta: 1:37:24, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0933, decode.acc_seg: 76.6372, aux.loss_ce: 0.0431, aux.acc_seg: 76.1468, loss: 0.1364 2022-03-01 17:04:41,534 - mmseg - INFO - Iter [143800/160000] lr: 2.025e-06, eta: 1:37:06, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 77.4490, aux.loss_ce: 0.0427, aux.acc_seg: 76.9958, loss: 0.1349 2022-03-01 17:04:59,327 - mmseg - INFO - Iter [143850/160000] lr: 2.019e-06, eta: 1:36:48, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 75.4910, aux.loss_ce: 0.0426, aux.acc_seg: 75.0513, loss: 0.1348 2022-03-01 17:05:17,030 - mmseg - INFO - Iter [143900/160000] lr: 2.013e-06, eta: 1:36:30, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0977, decode.acc_seg: 77.7728, aux.loss_ce: 0.0448, aux.acc_seg: 77.3286, loss: 0.1426 2022-03-01 17:05:34,659 - mmseg - INFO - Iter [143950/160000] lr: 2.006e-06, eta: 1:36:12, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0947, decode.acc_seg: 77.3531, aux.loss_ce: 0.0434, aux.acc_seg: 76.9174, loss: 0.1381 2022-03-01 17:05:54,634 - mmseg - INFO - Saving checkpoint at 144000 iterations 2022-03-01 17:06:01,835 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:06:01,836 - mmseg - INFO - Iter [144000/160000] lr: 2.000e-06, eta: 1:35:55, time: 0.544, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0982, decode.acc_seg: 78.2102, aux.loss_ce: 0.0452, aux.acc_seg: 77.7717, loss: 0.1435 2022-03-01 17:06:30,277 - mmseg - INFO - per class results: 2022-03-01 17:06:30,283 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.83 | 88.91 | | building | 83.71 | 93.41 | | sky | 94.75 | 97.76 | | floor | 82.08 | 92.42 | | tree | 74.75 | 88.94 | | ceiling | 85.86 | 94.18 | | road | 85.44 | 91.87 | | bed | 91.46 | 96.72 | | windowpane | 62.6 | 79.7 | | grass | 68.24 | 84.14 | | cabinet | 65.95 | 78.97 | | sidewalk | 70.26 | 83.72 | | person | 82.82 | 94.27 | | earth | 35.44 | 48.64 | | door | 50.93 | 63.2 | | table | 65.65 | 78.6 | | mountain | 57.98 | 72.6 | | plant | 49.01 | 58.45 | | curtain | 75.36 | 86.78 | | chair | 62.9 | 75.57 | | car | 86.0 | 93.58 | | water | 61.44 | 81.31 | | painting | 76.46 | 89.66 | | sofa | 71.27 | 85.3 | | shelf | 46.89 | 64.03 | | house | 53.14 | 67.92 | | sea | 61.56 | 72.56 | | mirror | 73.01 | 81.25 | | rug | 57.34 | 64.39 | | field | 28.41 | 42.59 | | armchair | 48.95 | 69.8 | | seat | 60.61 | 87.43 | | fence | 47.03 | 61.45 | | desk | 56.77 | 75.51 | | rock | 40.31 | 61.82 | | wardrobe | 51.25 | 62.37 | | lamp | 69.12 | 79.96 | | bathtub | 82.82 | 85.55 | | railing | 39.12 | 52.83 | | cushion | 63.14 | 77.03 | | base | 34.76 | 54.53 | | box | 32.59 | 42.89 | | column | 50.43 | 61.77 | | signboard | 39.03 | 53.69 | | chest of drawers | 41.38 | 58.74 | | counter | 33.49 | 45.97 | | sand | 59.11 | 83.85 | | sink | 80.56 | 87.08 | | skyscraper | 47.42 | 57.69 | | fireplace | 76.23 | 90.82 | | refrigerator | 76.33 | 82.63 | | grandstand | 48.03 | 76.12 | | path | 25.21 | 33.58 | | stairs | 29.67 | 39.22 | | runway | 67.44 | 87.8 | | case | 57.25 | 69.58 | | pool table | 94.22 | 97.65 | | pillow | 59.69 | 67.56 | | screen door | 76.86 | 79.64 | | stairway | 35.25 | 43.13 | | river | 12.92 | 25.73 | | bridge | 53.86 | 59.47 | | bookcase | 45.75 | 66.6 | | blind | 40.6 | 43.95 | | coffee table | 61.06 | 83.5 | | toilet | 87.77 | 92.15 | | flower | 42.77 | 59.22 | | book | 51.87 | 70.82 | | hill | 15.99 | 22.96 | | bench | 45.46 | 51.38 | | countertop | 63.73 | 84.68 | | stove | 82.64 | 87.1 | | palm | 55.42 | 75.05 | | kitchen island | 43.32 | 79.01 | | computer | 78.2 | 89.86 | | swivel chair | 42.55 | 59.9 | | boat | 44.84 | 53.57 | | bar | 36.13 | 43.27 | | arcade machine | 79.74 | 83.93 | | hovel | 13.94 | 14.48 | | bus | 91.91 | 97.02 | | towel | 68.58 | 84.33 | | light | 56.62 | 65.68 | | truck | 32.56 | 39.59 | | tower | 4.73 | 7.61 | | chandelier | 68.81 | 81.04 | | awning | 38.11 | 45.26 | | streetlight | 32.88 | 40.34 | | booth | 58.38 | 66.57 | | television receiver | 75.76 | 85.78 | | airplane | 68.77 | 74.98 | | dirt track | 1.9 | 8.54 | | apparel | 40.38 | 52.32 | | pole | 26.56 | 36.75 | | land | 3.42 | 5.03 | | bannister | 19.65 | 26.47 | | escalator | 37.33 | 49.18 | | ottoman | 54.15 | 68.4 | | bottle | 39.42 | 64.64 | | buffet | 54.51 | 62.27 | | poster | 33.84 | 45.57 | | stage | 25.64 | 34.52 | | van | 42.57 | 57.44 | | ship | 27.18 | 40.12 | | fountain | 26.39 | 26.82 | | conveyer belt | 76.1 | 92.54 | | canopy | 32.06 | 37.04 | | washer | 85.59 | 88.88 | | plaything | 27.98 | 38.64 | | swimming pool | 75.78 | 77.0 | | stool | 50.72 | 67.8 | | barrel | 37.41 | 74.97 | | basket | 41.04 | 51.66 | | waterfall | 70.48 | 82.43 | | tent | 82.2 | 98.76 | | bag | 15.43 | 16.91 | | minibike | 73.66 | 88.16 | | cradle | 84.65 | 95.86 | | oven | 52.31 | 63.3 | | ball | 52.18 | 57.29 | | food | 58.87 | 69.66 | | step | 7.05 | 8.23 | | tank | 62.72 | 66.18 | | trade name | 30.4 | 35.2 | | microwave | 87.29 | 93.78 | | pot | 47.54 | 57.02 | | animal | 57.55 | 58.98 | | bicycle | 61.14 | 78.04 | | lake | 62.36 | 63.66 | | dishwasher | 70.44 | 77.88 | | screen | 56.98 | 73.31 | | blanket | 16.47 | 18.25 | | sculpture | 69.41 | 85.18 | | hood | 68.46 | 74.33 | | sconce | 54.34 | 65.42 | | vase | 42.09 | 60.73 | | traffic light | 36.41 | 54.74 | | tray | 21.31 | 26.56 | | ashcan | 37.72 | 52.79 | | fan | 70.12 | 81.42 | | pier | 30.4 | 44.95 | | crt screen | 3.32 | 5.01 | | plate | 56.93 | 72.06 | | monitor | 66.7 | 77.7 | | bulletin board | 42.42 | 48.62 | | shower | 11.65 | 15.12 | | radiator | 67.24 | 76.07 | | glass | 16.12 | 16.89 | | clock | 44.04 | 50.53 | | flag | 67.53 | 72.67 | +---------------------+-------+-------+ 2022-03-01 17:06:30,284 - mmseg - INFO - Summary: 2022-03-01 17:06:30,284 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 84.5 | 53.17 | 64.29 | +------+-------+-------+ 2022-03-01 17:06:30,289 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:06:30,290 - mmseg - INFO - Iter(val) [250] aAcc: 0.8450, mIoU: 0.5317, mAcc: 0.6429, IoU.wall: 0.7983, IoU.building: 0.8371, IoU.sky: 0.9475, IoU.floor: 0.8208, IoU.tree: 0.7475, IoU.ceiling: 0.8586, IoU.road: 0.8544, IoU.bed : 0.9146, IoU.windowpane: 0.6260, IoU.grass: 0.6824, IoU.cabinet: 0.6595, IoU.sidewalk: 0.7026, IoU.person: 0.8282, IoU.earth: 0.3544, IoU.door: 0.5093, IoU.table: 0.6565, IoU.mountain: 0.5798, IoU.plant: 0.4901, IoU.curtain: 0.7536, IoU.chair: 0.6290, IoU.car: 0.8600, IoU.water: 0.6144, IoU.painting: 0.7646, IoU.sofa: 0.7127, IoU.shelf: 0.4689, IoU.house: 0.5314, IoU.sea: 0.6156, IoU.mirror: 0.7301, IoU.rug: 0.5734, IoU.field: 0.2841, IoU.armchair: 0.4895, IoU.seat: 0.6061, IoU.fence: 0.4703, IoU.desk: 0.5677, IoU.rock: 0.4031, IoU.wardrobe: 0.5125, IoU.lamp: 0.6912, IoU.bathtub: 0.8282, IoU.railing: 0.3912, IoU.cushion: 0.6314, IoU.base: 0.3476, IoU.box: 0.3259, IoU.column: 0.5043, IoU.signboard: 0.3903, IoU.chest of drawers: 0.4138, IoU.counter: 0.3349, IoU.sand: 0.5911, IoU.sink: 0.8056, IoU.skyscraper: 0.4742, IoU.fireplace: 0.7623, IoU.refrigerator: 0.7633, IoU.grandstand: 0.4803, IoU.path: 0.2521, IoU.stairs: 0.2967, IoU.runway: 0.6744, IoU.case: 0.5725, IoU.pool table: 0.9422, IoU.pillow: 0.5969, IoU.screen door: 0.7686, IoU.stairway: 0.3525, IoU.river: 0.1292, IoU.bridge: 0.5386, IoU.bookcase: 0.4575, IoU.blind: 0.4060, IoU.coffee table: 0.6106, IoU.toilet: 0.8777, IoU.flower: 0.4277, IoU.book: 0.5187, IoU.hill: 0.1599, IoU.bench: 0.4546, IoU.countertop: 0.6373, IoU.stove: 0.8264, IoU.palm: 0.5542, IoU.kitchen island: 0.4332, IoU.computer: 0.7820, IoU.swivel chair: 0.4255, IoU.boat: 0.4484, IoU.bar: 0.3613, IoU.arcade machine: 0.7974, IoU.hovel: 0.1394, IoU.bus: 0.9191, IoU.towel: 0.6858, IoU.light: 0.5662, IoU.truck: 0.3256, IoU.tower: 0.0473, IoU.chandelier: 0.6881, IoU.awning: 0.3811, IoU.streetlight: 0.3288, IoU.booth: 0.5838, IoU.television receiver: 0.7576, IoU.airplane: 0.6877, IoU.dirt track: 0.0190, IoU.apparel: 0.4038, IoU.pole: 0.2656, IoU.land: 0.0342, IoU.bannister: 0.1965, IoU.escalator: 0.3733, IoU.ottoman: 0.5415, IoU.bottle: 0.3942, IoU.buffet: 0.5451, IoU.poster: 0.3384, IoU.stage: 0.2564, IoU.van: 0.4257, IoU.ship: 0.2718, IoU.fountain: 0.2639, IoU.conveyer belt: 0.7610, IoU.canopy: 0.3206, IoU.washer: 0.8559, IoU.plaything: 0.2798, IoU.swimming pool: 0.7578, IoU.stool: 0.5072, IoU.barrel: 0.3741, IoU.basket: 0.4104, IoU.waterfall: 0.7048, IoU.tent: 0.8220, IoU.bag: 0.1543, IoU.minibike: 0.7366, IoU.cradle: 0.8465, IoU.oven: 0.5231, IoU.ball: 0.5218, IoU.food: 0.5887, IoU.step: 0.0705, IoU.tank: 0.6272, IoU.trade name: 0.3040, IoU.microwave: 0.8729, IoU.pot: 0.4754, IoU.animal: 0.5755, IoU.bicycle: 0.6114, IoU.lake: 0.6236, IoU.dishwasher: 0.7044, IoU.screen: 0.5698, IoU.blanket: 0.1647, IoU.sculpture: 0.6941, IoU.hood: 0.6846, IoU.sconce: 0.5434, IoU.vase: 0.4209, IoU.traffic light: 0.3641, IoU.tray: 0.2131, IoU.ashcan: 0.3772, IoU.fan: 0.7012, IoU.pier: 0.3040, IoU.crt screen: 0.0332, IoU.plate: 0.5693, IoU.monitor: 0.6670, IoU.bulletin board: 0.4242, IoU.shower: 0.1165, IoU.radiator: 0.6724, IoU.glass: 0.1612, IoU.clock: 0.4404, IoU.flag: 0.6753, Acc.wall: 0.8891, Acc.building: 0.9341, Acc.sky: 0.9776, Acc.floor: 0.9242, Acc.tree: 0.8894, Acc.ceiling: 0.9418, Acc.road: 0.9187, Acc.bed : 0.9672, Acc.windowpane: 0.7970, Acc.grass: 0.8414, Acc.cabinet: 0.7897, Acc.sidewalk: 0.8372, Acc.person: 0.9427, Acc.earth: 0.4864, Acc.door: 0.6320, Acc.table: 0.7860, Acc.mountain: 0.7260, Acc.plant: 0.5845, Acc.curtain: 0.8678, Acc.chair: 0.7557, Acc.car: 0.9358, Acc.water: 0.8131, Acc.painting: 0.8966, Acc.sofa: 0.8530, Acc.shelf: 0.6403, Acc.house: 0.6792, Acc.sea: 0.7256, Acc.mirror: 0.8125, Acc.rug: 0.6439, Acc.field: 0.4259, Acc.armchair: 0.6980, Acc.seat: 0.8743, Acc.fence: 0.6145, Acc.desk: 0.7551, Acc.rock: 0.6182, Acc.wardrobe: 0.6237, Acc.lamp: 0.7996, Acc.bathtub: 0.8555, Acc.railing: 0.5283, Acc.cushion: 0.7703, Acc.base: 0.5453, Acc.box: 0.4289, Acc.column: 0.6177, Acc.signboard: 0.5369, Acc.chest of drawers: 0.5874, Acc.counter: 0.4597, Acc.sand: 0.8385, Acc.sink: 0.8708, Acc.skyscraper: 0.5769, Acc.fireplace: 0.9082, Acc.refrigerator: 0.8263, Acc.grandstand: 0.7612, Acc.path: 0.3358, Acc.stairs: 0.3922, Acc.runway: 0.8780, Acc.case: 0.6958, Acc.pool table: 0.9765, Acc.pillow: 0.6756, Acc.screen door: 0.7964, Acc.stairway: 0.4313, Acc.river: 0.2573, Acc.bridge: 0.5947, Acc.bookcase: 0.6660, Acc.blind: 0.4395, Acc.coffee table: 0.8350, Acc.toilet: 0.9215, Acc.flower: 0.5922, Acc.book: 0.7082, Acc.hill: 0.2296, Acc.bench: 0.5138, Acc.countertop: 0.8468, Acc.stove: 0.8710, Acc.palm: 0.7505, Acc.kitchen island: 0.7901, Acc.computer: 0.8986, Acc.swivel chair: 0.5990, Acc.boat: 0.5357, Acc.bar: 0.4327, Acc.arcade machine: 0.8393, Acc.hovel: 0.1448, Acc.bus: 0.9702, Acc.towel: 0.8433, Acc.light: 0.6568, Acc.truck: 0.3959, Acc.tower: 0.0761, Acc.chandelier: 0.8104, Acc.awning: 0.4526, Acc.streetlight: 0.4034, Acc.booth: 0.6657, Acc.television receiver: 0.8578, Acc.airplane: 0.7498, Acc.dirt track: 0.0854, Acc.apparel: 0.5232, Acc.pole: 0.3675, Acc.land: 0.0503, Acc.bannister: 0.2647, Acc.escalator: 0.4918, Acc.ottoman: 0.6840, Acc.bottle: 0.6464, Acc.buffet: 0.6227, Acc.poster: 0.4557, Acc.stage: 0.3452, Acc.van: 0.5744, Acc.ship: 0.4012, Acc.fountain: 0.2682, Acc.conveyer belt: 0.9254, Acc.canopy: 0.3704, Acc.washer: 0.8888, Acc.plaything: 0.3864, Acc.swimming pool: 0.7700, Acc.stool: 0.6780, Acc.barrel: 0.7497, Acc.basket: 0.5166, Acc.waterfall: 0.8243, Acc.tent: 0.9876, Acc.bag: 0.1691, Acc.minibike: 0.8816, Acc.cradle: 0.9586, Acc.oven: 0.6330, Acc.ball: 0.5729, Acc.food: 0.6966, Acc.step: 0.0823, Acc.tank: 0.6618, Acc.trade name: 0.3520, Acc.microwave: 0.9378, Acc.pot: 0.5702, Acc.animal: 0.5898, Acc.bicycle: 0.7804, Acc.lake: 0.6366, Acc.dishwasher: 0.7788, Acc.screen: 0.7331, Acc.blanket: 0.1825, Acc.sculpture: 0.8518, Acc.hood: 0.7433, Acc.sconce: 0.6542, Acc.vase: 0.6073, Acc.traffic light: 0.5474, Acc.tray: 0.2656, Acc.ashcan: 0.5279, Acc.fan: 0.8142, Acc.pier: 0.4495, Acc.crt screen: 0.0501, Acc.plate: 0.7206, Acc.monitor: 0.7770, Acc.bulletin board: 0.4862, Acc.shower: 0.1512, Acc.radiator: 0.7607, Acc.glass: 0.1689, Acc.clock: 0.5053, Acc.flag: 0.7267 2022-03-01 17:06:48,124 - mmseg - INFO - Iter [144050/160000] lr: 1.994e-06, eta: 1:35:40, time: 0.926, data_time: 0.574, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 77.2698, aux.loss_ce: 0.0417, aux.acc_seg: 76.8577, loss: 0.1323 2022-03-01 17:07:05,844 - mmseg - INFO - Iter [144100/160000] lr: 1.988e-06, eta: 1:35:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 78.9970, aux.loss_ce: 0.0429, aux.acc_seg: 78.5883, loss: 0.1370 2022-03-01 17:07:23,733 - mmseg - INFO - Iter [144150/160000] lr: 1.981e-06, eta: 1:35:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0944, decode.acc_seg: 76.8380, aux.loss_ce: 0.0435, aux.acc_seg: 76.3591, loss: 0.1379 2022-03-01 17:07:41,690 - mmseg - INFO - Iter [144200/160000] lr: 1.975e-06, eta: 1:34:46, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0990, decode.acc_seg: 78.3932, aux.loss_ce: 0.0453, aux.acc_seg: 77.9382, loss: 0.1443 2022-03-01 17:07:59,435 - mmseg - INFO - Iter [144250/160000] lr: 1.969e-06, eta: 1:34:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 76.3133, aux.loss_ce: 0.0433, aux.acc_seg: 75.8500, loss: 0.1373 2022-03-01 17:08:17,269 - mmseg - INFO - Iter [144300/160000] lr: 1.963e-06, eta: 1:34:10, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0978, decode.acc_seg: 77.5037, aux.loss_ce: 0.0451, aux.acc_seg: 77.0056, loss: 0.1429 2022-03-01 17:08:35,287 - mmseg - INFO - Iter [144350/160000] lr: 1.956e-06, eta: 1:33:52, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0958, decode.acc_seg: 76.6240, aux.loss_ce: 0.0436, aux.acc_seg: 76.2242, loss: 0.1394 2022-03-01 17:08:53,251 - mmseg - INFO - Iter [144400/160000] lr: 1.950e-06, eta: 1:33:34, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0959, decode.acc_seg: 78.0676, aux.loss_ce: 0.0444, aux.acc_seg: 77.6030, loss: 0.1403 2022-03-01 17:09:11,125 - mmseg - INFO - Iter [144450/160000] lr: 1.944e-06, eta: 1:33:16, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0975, decode.acc_seg: 77.5503, aux.loss_ce: 0.0449, aux.acc_seg: 77.0697, loss: 0.1424 2022-03-01 17:09:28,919 - mmseg - INFO - Iter [144500/160000] lr: 1.938e-06, eta: 1:32:58, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 77.4989, aux.loss_ce: 0.0443, aux.acc_seg: 76.9663, loss: 0.1400 2022-03-01 17:09:46,609 - mmseg - INFO - Iter [144550/160000] lr: 1.931e-06, eta: 1:32:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0911, decode.acc_seg: 76.5004, aux.loss_ce: 0.0422, aux.acc_seg: 76.0395, loss: 0.1333 2022-03-01 17:10:04,401 - mmseg - INFO - Iter [144600/160000] lr: 1.925e-06, eta: 1:32:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0966, decode.acc_seg: 77.9406, aux.loss_ce: 0.0442, aux.acc_seg: 77.5408, loss: 0.1408 2022-03-01 17:10:22,229 - mmseg - INFO - Iter [144650/160000] lr: 1.919e-06, eta: 1:32:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 77.2111, aux.loss_ce: 0.0444, aux.acc_seg: 76.7788, loss: 0.1411 2022-03-01 17:10:39,995 - mmseg - INFO - Iter [144700/160000] lr: 1.913e-06, eta: 1:31:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 77.3857, aux.loss_ce: 0.0426, aux.acc_seg: 76.9161, loss: 0.1349 2022-03-01 17:10:57,714 - mmseg - INFO - Iter [144750/160000] lr: 1.906e-06, eta: 1:31:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0962, decode.acc_seg: 78.5533, aux.loss_ce: 0.0443, aux.acc_seg: 78.0875, loss: 0.1405 2022-03-01 17:11:15,402 - mmseg - INFO - Iter [144800/160000] lr: 1.900e-06, eta: 1:31:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0955, decode.acc_seg: 77.7999, aux.loss_ce: 0.0436, aux.acc_seg: 77.3761, loss: 0.1390 2022-03-01 17:11:33,163 - mmseg - INFO - Iter [144850/160000] lr: 1.894e-06, eta: 1:30:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0958, decode.acc_seg: 76.7677, aux.loss_ce: 0.0442, aux.acc_seg: 76.3045, loss: 0.1400 2022-03-01 17:11:50,914 - mmseg - INFO - Iter [144900/160000] lr: 1.888e-06, eta: 1:30:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0995, decode.acc_seg: 79.3862, aux.loss_ce: 0.0459, aux.acc_seg: 78.9055, loss: 0.1454 2022-03-01 17:12:09,028 - mmseg - INFO - Iter [144950/160000] lr: 1.881e-06, eta: 1:30:16, time: 0.362, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0990, decode.acc_seg: 77.2163, aux.loss_ce: 0.0453, aux.acc_seg: 76.7687, loss: 0.1443 2022-03-01 17:12:26,776 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:12:26,776 - mmseg - INFO - Iter [145000/160000] lr: 1.875e-06, eta: 1:29:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0996, decode.acc_seg: 79.6369, aux.loss_ce: 0.0457, aux.acc_seg: 79.1652, loss: 0.1453 2022-03-01 17:12:44,529 - mmseg - INFO - Iter [145050/160000] lr: 1.869e-06, eta: 1:29:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 76.8356, aux.loss_ce: 0.0429, aux.acc_seg: 76.4152, loss: 0.1371 2022-03-01 17:13:02,100 - mmseg - INFO - Iter [145100/160000] lr: 1.863e-06, eta: 1:29:22, time: 0.351, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 78.2820, aux.loss_ce: 0.0420, aux.acc_seg: 77.8525, loss: 0.1336 2022-03-01 17:13:20,037 - mmseg - INFO - Iter [145150/160000] lr: 1.856e-06, eta: 1:29:04, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0931, decode.acc_seg: 77.5729, aux.loss_ce: 0.0430, aux.acc_seg: 77.1218, loss: 0.1361 2022-03-01 17:13:37,830 - mmseg - INFO - Iter [145200/160000] lr: 1.850e-06, eta: 1:28:46, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0986, decode.acc_seg: 77.6278, aux.loss_ce: 0.0450, aux.acc_seg: 77.1906, loss: 0.1436 2022-03-01 17:13:57,744 - mmseg - INFO - Iter [145250/160000] lr: 1.844e-06, eta: 1:28:28, time: 0.398, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0965, decode.acc_seg: 77.2177, aux.loss_ce: 0.0446, aux.acc_seg: 76.7330, loss: 0.1411 2022-03-01 17:14:15,413 - mmseg - INFO - Iter [145300/160000] lr: 1.838e-06, eta: 1:28:10, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0925, decode.acc_seg: 77.4991, aux.loss_ce: 0.0423, aux.acc_seg: 77.0790, loss: 0.1347 2022-03-01 17:14:33,413 - mmseg - INFO - Iter [145350/160000] lr: 1.831e-06, eta: 1:27:52, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0958, decode.acc_seg: 78.6767, aux.loss_ce: 0.0443, aux.acc_seg: 78.1841, loss: 0.1401 2022-03-01 17:14:51,179 - mmseg - INFO - Iter [145400/160000] lr: 1.825e-06, eta: 1:27:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0924, decode.acc_seg: 77.9212, aux.loss_ce: 0.0423, aux.acc_seg: 77.5125, loss: 0.1347 2022-03-01 17:15:09,017 - mmseg - INFO - Iter [145450/160000] lr: 1.819e-06, eta: 1:27:16, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 77.3180, aux.loss_ce: 0.0438, aux.acc_seg: 76.8757, loss: 0.1395 2022-03-01 17:15:26,901 - mmseg - INFO - Iter [145500/160000] lr: 1.813e-06, eta: 1:26:58, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0933, decode.acc_seg: 78.1024, aux.loss_ce: 0.0431, aux.acc_seg: 77.6370, loss: 0.1364 2022-03-01 17:15:44,723 - mmseg - INFO - Iter [145550/160000] lr: 1.806e-06, eta: 1:26:40, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0918, decode.acc_seg: 76.0954, aux.loss_ce: 0.0426, aux.acc_seg: 75.6309, loss: 0.1344 2022-03-01 17:16:02,346 - mmseg - INFO - Iter [145600/160000] lr: 1.800e-06, eta: 1:26:22, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0979, decode.acc_seg: 76.6582, aux.loss_ce: 0.0445, aux.acc_seg: 76.2257, loss: 0.1423 2022-03-01 17:16:20,070 - mmseg - INFO - Iter [145650/160000] lr: 1.794e-06, eta: 1:26:04, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0960, decode.acc_seg: 77.7579, aux.loss_ce: 0.0445, aux.acc_seg: 77.2763, loss: 0.1405 2022-03-01 17:16:37,958 - mmseg - INFO - Iter [145700/160000] lr: 1.788e-06, eta: 1:25:46, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 76.8772, aux.loss_ce: 0.0425, aux.acc_seg: 76.3773, loss: 0.1346 2022-03-01 17:16:55,633 - mmseg - INFO - Iter [145750/160000] lr: 1.781e-06, eta: 1:25:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0960, decode.acc_seg: 77.9817, aux.loss_ce: 0.0441, aux.acc_seg: 77.5468, loss: 0.1401 2022-03-01 17:17:13,487 - mmseg - INFO - Iter [145800/160000] lr: 1.775e-06, eta: 1:25:10, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0931, decode.acc_seg: 78.4860, aux.loss_ce: 0.0427, aux.acc_seg: 78.0385, loss: 0.1358 2022-03-01 17:17:31,171 - mmseg - INFO - Iter [145850/160000] lr: 1.769e-06, eta: 1:24:52, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0962, decode.acc_seg: 77.3966, aux.loss_ce: 0.0443, aux.acc_seg: 76.9325, loss: 0.1405 2022-03-01 17:17:48,959 - mmseg - INFO - Iter [145900/160000] lr: 1.763e-06, eta: 1:24:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0974, decode.acc_seg: 77.7028, aux.loss_ce: 0.0451, aux.acc_seg: 77.2226, loss: 0.1425 2022-03-01 17:18:06,677 - mmseg - INFO - Iter [145950/160000] lr: 1.756e-06, eta: 1:24:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0888, decode.acc_seg: 77.5043, aux.loss_ce: 0.0409, aux.acc_seg: 77.0830, loss: 0.1297 2022-03-01 17:18:24,367 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:18:24,368 - mmseg - INFO - Iter [146000/160000] lr: 1.750e-06, eta: 1:23:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 76.9783, aux.loss_ce: 0.0431, aux.acc_seg: 76.5371, loss: 0.1371 2022-03-01 17:18:42,120 - mmseg - INFO - Iter [146050/160000] lr: 1.744e-06, eta: 1:23:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0924, decode.acc_seg: 76.5777, aux.loss_ce: 0.0424, aux.acc_seg: 76.1446, loss: 0.1348 2022-03-01 17:19:00,086 - mmseg - INFO - Iter [146100/160000] lr: 1.738e-06, eta: 1:23:22, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0950, decode.acc_seg: 76.7611, aux.loss_ce: 0.0436, aux.acc_seg: 76.2930, loss: 0.1385 2022-03-01 17:19:17,819 - mmseg - INFO - Iter [146150/160000] lr: 1.731e-06, eta: 1:23:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0927, decode.acc_seg: 76.7617, aux.loss_ce: 0.0429, aux.acc_seg: 76.2872, loss: 0.1356 2022-03-01 17:19:35,717 - mmseg - INFO - Iter [146200/160000] lr: 1.725e-06, eta: 1:22:46, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0956, decode.acc_seg: 77.3263, aux.loss_ce: 0.0438, aux.acc_seg: 76.8833, loss: 0.1394 2022-03-01 17:19:53,486 - mmseg - INFO - Iter [146250/160000] lr: 1.719e-06, eta: 1:22:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0930, decode.acc_seg: 76.4976, aux.loss_ce: 0.0428, aux.acc_seg: 76.0460, loss: 0.1358 2022-03-01 17:20:11,225 - mmseg - INFO - Iter [146300/160000] lr: 1.713e-06, eta: 1:22:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0933, decode.acc_seg: 77.9047, aux.loss_ce: 0.0431, aux.acc_seg: 77.4322, loss: 0.1364 2022-03-01 17:20:28,844 - mmseg - INFO - Iter [146350/160000] lr: 1.706e-06, eta: 1:21:52, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0936, decode.acc_seg: 78.4966, aux.loss_ce: 0.0435, aux.acc_seg: 78.0036, loss: 0.1370 2022-03-01 17:20:46,696 - mmseg - INFO - Iter [146400/160000] lr: 1.700e-06, eta: 1:21:34, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 77.2669, aux.loss_ce: 0.0423, aux.acc_seg: 76.7970, loss: 0.1345 2022-03-01 17:21:04,369 - mmseg - INFO - Iter [146450/160000] lr: 1.694e-06, eta: 1:21:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0914, decode.acc_seg: 78.8940, aux.loss_ce: 0.0421, aux.acc_seg: 78.4374, loss: 0.1335 2022-03-01 17:21:22,098 - mmseg - INFO - Iter [146500/160000] lr: 1.688e-06, eta: 1:20:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0969, decode.acc_seg: 76.9000, aux.loss_ce: 0.0447, aux.acc_seg: 76.4639, loss: 0.1416 2022-03-01 17:21:42,267 - mmseg - INFO - Iter [146550/160000] lr: 1.681e-06, eta: 1:20:40, time: 0.403, data_time: 0.051, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 76.5500, aux.loss_ce: 0.0416, aux.acc_seg: 76.1417, loss: 0.1324 2022-03-01 17:21:59,946 - mmseg - INFO - Iter [146600/160000] lr: 1.675e-06, eta: 1:20:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0944, decode.acc_seg: 77.4017, aux.loss_ce: 0.0432, aux.acc_seg: 76.9848, loss: 0.1376 2022-03-01 17:22:17,779 - mmseg - INFO - Iter [146650/160000] lr: 1.669e-06, eta: 1:20:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 75.9295, aux.loss_ce: 0.0428, aux.acc_seg: 75.4882, loss: 0.1356 2022-03-01 17:22:35,542 - mmseg - INFO - Iter [146700/160000] lr: 1.663e-06, eta: 1:19:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 76.0904, aux.loss_ce: 0.0427, aux.acc_seg: 75.6459, loss: 0.1350 2022-03-01 17:22:53,428 - mmseg - INFO - Iter [146750/160000] lr: 1.656e-06, eta: 1:19:28, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 78.3174, aux.loss_ce: 0.0443, aux.acc_seg: 77.8763, loss: 0.1410 2022-03-01 17:23:11,410 - mmseg - INFO - Iter [146800/160000] lr: 1.650e-06, eta: 1:19:10, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0957, decode.acc_seg: 77.4417, aux.loss_ce: 0.0441, aux.acc_seg: 76.9872, loss: 0.1398 2022-03-01 17:23:29,143 - mmseg - INFO - Iter [146850/160000] lr: 1.644e-06, eta: 1:18:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0905, decode.acc_seg: 78.0903, aux.loss_ce: 0.0415, aux.acc_seg: 77.6669, loss: 0.1320 2022-03-01 17:23:46,968 - mmseg - INFO - Iter [146900/160000] lr: 1.638e-06, eta: 1:18:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 76.6347, aux.loss_ce: 0.0436, aux.acc_seg: 76.1690, loss: 0.1376 2022-03-01 17:24:04,739 - mmseg - INFO - Iter [146950/160000] lr: 1.631e-06, eta: 1:18:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0995, decode.acc_seg: 77.5560, aux.loss_ce: 0.0458, aux.acc_seg: 77.1620, loss: 0.1453 2022-03-01 17:24:22,498 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:24:22,498 - mmseg - INFO - Iter [147000/160000] lr: 1.625e-06, eta: 1:17:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0918, decode.acc_seg: 78.4906, aux.loss_ce: 0.0423, aux.acc_seg: 78.0133, loss: 0.1341 2022-03-01 17:24:40,241 - mmseg - INFO - Iter [147050/160000] lr: 1.619e-06, eta: 1:17:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0921, decode.acc_seg: 77.0449, aux.loss_ce: 0.0426, aux.acc_seg: 76.5831, loss: 0.1347 2022-03-01 17:24:57,924 - mmseg - INFO - Iter [147100/160000] lr: 1.613e-06, eta: 1:17:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 77.2519, aux.loss_ce: 0.0438, aux.acc_seg: 76.7683, loss: 0.1381 2022-03-01 17:25:15,622 - mmseg - INFO - Iter [147150/160000] lr: 1.606e-06, eta: 1:17:04, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0932, decode.acc_seg: 78.2179, aux.loss_ce: 0.0423, aux.acc_seg: 77.7915, loss: 0.1355 2022-03-01 17:25:33,450 - mmseg - INFO - Iter [147200/160000] lr: 1.600e-06, eta: 1:16:46, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0903, decode.acc_seg: 78.1016, aux.loss_ce: 0.0418, aux.acc_seg: 77.6474, loss: 0.1320 2022-03-01 17:25:51,285 - mmseg - INFO - Iter [147250/160000] lr: 1.594e-06, eta: 1:16:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 77.5290, aux.loss_ce: 0.0431, aux.acc_seg: 77.0925, loss: 0.1371 2022-03-01 17:26:09,149 - mmseg - INFO - Iter [147300/160000] lr: 1.588e-06, eta: 1:16:10, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0998, decode.acc_seg: 77.5261, aux.loss_ce: 0.0461, aux.acc_seg: 77.0459, loss: 0.1459 2022-03-01 17:26:26,864 - mmseg - INFO - Iter [147350/160000] lr: 1.581e-06, eta: 1:15:52, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0975, decode.acc_seg: 78.1806, aux.loss_ce: 0.0448, aux.acc_seg: 77.7314, loss: 0.1423 2022-03-01 17:26:44,567 - mmseg - INFO - Iter [147400/160000] lr: 1.575e-06, eta: 1:15:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0891, decode.acc_seg: 76.5728, aux.loss_ce: 0.0409, aux.acc_seg: 76.1352, loss: 0.1301 2022-03-01 17:27:02,321 - mmseg - INFO - Iter [147450/160000] lr: 1.569e-06, eta: 1:15:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1066, decode.acc_seg: 76.9957, aux.loss_ce: 0.0490, aux.acc_seg: 76.5205, loss: 0.1555 2022-03-01 17:27:20,046 - mmseg - INFO - Iter [147500/160000] lr: 1.563e-06, eta: 1:14:57, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0913, decode.acc_seg: 77.4157, aux.loss_ce: 0.0423, aux.acc_seg: 76.9626, loss: 0.1335 2022-03-01 17:27:37,805 - mmseg - INFO - Iter [147550/160000] lr: 1.556e-06, eta: 1:14:39, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0952, decode.acc_seg: 77.5386, aux.loss_ce: 0.0435, aux.acc_seg: 77.1259, loss: 0.1387 2022-03-01 17:27:55,622 - mmseg - INFO - Iter [147600/160000] lr: 1.550e-06, eta: 1:14:21, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 77.2652, aux.loss_ce: 0.0431, aux.acc_seg: 76.8296, loss: 0.1373 2022-03-01 17:28:13,504 - mmseg - INFO - Iter [147650/160000] lr: 1.544e-06, eta: 1:14:03, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0971, decode.acc_seg: 77.3315, aux.loss_ce: 0.0443, aux.acc_seg: 76.9172, loss: 0.1414 2022-03-01 17:28:31,246 - mmseg - INFO - Iter [147700/160000] lr: 1.538e-06, eta: 1:13:45, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0908, decode.acc_seg: 76.3090, aux.loss_ce: 0.0417, aux.acc_seg: 75.8544, loss: 0.1326 2022-03-01 17:28:48,985 - mmseg - INFO - Iter [147750/160000] lr: 1.531e-06, eta: 1:13:27, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0966, decode.acc_seg: 77.2106, aux.loss_ce: 0.0444, aux.acc_seg: 76.7657, loss: 0.1410 2022-03-01 17:29:09,061 - mmseg - INFO - Iter [147800/160000] lr: 1.525e-06, eta: 1:13:10, time: 0.402, data_time: 0.051, memory: 49013, decode.loss_ce: 0.0984, decode.acc_seg: 77.3596, aux.loss_ce: 0.0453, aux.acc_seg: 76.9262, loss: 0.1437 2022-03-01 17:29:26,893 - mmseg - INFO - Iter [147850/160000] lr: 1.519e-06, eta: 1:12:52, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0910, decode.acc_seg: 77.1327, aux.loss_ce: 0.0421, aux.acc_seg: 76.6625, loss: 0.1331 2022-03-01 17:29:44,655 - mmseg - INFO - Iter [147900/160000] lr: 1.513e-06, eta: 1:12:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0936, decode.acc_seg: 77.2106, aux.loss_ce: 0.0432, aux.acc_seg: 76.7552, loss: 0.1368 2022-03-01 17:30:02,498 - mmseg - INFO - Iter [147950/160000] lr: 1.506e-06, eta: 1:12:16, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 77.1877, aux.loss_ce: 0.0423, aux.acc_seg: 76.7167, loss: 0.1339 2022-03-01 17:30:20,165 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:30:20,165 - mmseg - INFO - Iter [148000/160000] lr: 1.500e-06, eta: 1:11:58, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0901, decode.acc_seg: 76.4711, aux.loss_ce: 0.0416, aux.acc_seg: 76.0235, loss: 0.1317 2022-03-01 17:30:38,118 - mmseg - INFO - Iter [148050/160000] lr: 1.494e-06, eta: 1:11:40, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0895, decode.acc_seg: 77.0130, aux.loss_ce: 0.0411, aux.acc_seg: 76.5686, loss: 0.1307 2022-03-01 17:30:55,888 - mmseg - INFO - Iter [148100/160000] lr: 1.488e-06, eta: 1:11:22, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 76.6399, aux.loss_ce: 0.0413, aux.acc_seg: 76.2057, loss: 0.1311 2022-03-01 17:31:13,667 - mmseg - INFO - Iter [148150/160000] lr: 1.481e-06, eta: 1:11:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 76.4506, aux.loss_ce: 0.0433, aux.acc_seg: 75.9789, loss: 0.1375 2022-03-01 17:31:31,606 - mmseg - INFO - Iter [148200/160000] lr: 1.475e-06, eta: 1:10:46, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0976, decode.acc_seg: 77.5875, aux.loss_ce: 0.0445, aux.acc_seg: 77.1784, loss: 0.1421 2022-03-01 17:31:49,504 - mmseg - INFO - Iter [148250/160000] lr: 1.469e-06, eta: 1:10:28, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0995, decode.acc_seg: 76.6079, aux.loss_ce: 0.0461, aux.acc_seg: 76.1051, loss: 0.1456 2022-03-01 17:32:07,197 - mmseg - INFO - Iter [148300/160000] lr: 1.463e-06, eta: 1:10:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0921, decode.acc_seg: 78.5207, aux.loss_ce: 0.0425, aux.acc_seg: 78.0883, loss: 0.1346 2022-03-01 17:32:24,983 - mmseg - INFO - Iter [148350/160000] lr: 1.456e-06, eta: 1:09:52, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0953, decode.acc_seg: 77.1945, aux.loss_ce: 0.0437, aux.acc_seg: 76.7337, loss: 0.1390 2022-03-01 17:32:42,849 - mmseg - INFO - Iter [148400/160000] lr: 1.450e-06, eta: 1:09:34, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 76.9779, aux.loss_ce: 0.0443, aux.acc_seg: 76.5435, loss: 0.1411 2022-03-01 17:33:00,479 - mmseg - INFO - Iter [148450/160000] lr: 1.444e-06, eta: 1:09:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1006, decode.acc_seg: 78.0751, aux.loss_ce: 0.0466, aux.acc_seg: 77.6031, loss: 0.1472 2022-03-01 17:33:18,280 - mmseg - INFO - Iter [148500/160000] lr: 1.438e-06, eta: 1:08:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0937, decode.acc_seg: 79.5072, aux.loss_ce: 0.0433, aux.acc_seg: 79.0600, loss: 0.1370 2022-03-01 17:33:35,958 - mmseg - INFO - Iter [148550/160000] lr: 1.431e-06, eta: 1:08:40, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0875, decode.acc_seg: 77.7175, aux.loss_ce: 0.0401, aux.acc_seg: 77.2885, loss: 0.1275 2022-03-01 17:33:53,800 - mmseg - INFO - Iter [148600/160000] lr: 1.425e-06, eta: 1:08:22, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0937, decode.acc_seg: 78.2252, aux.loss_ce: 0.0430, aux.acc_seg: 77.7890, loss: 0.1367 2022-03-01 17:34:11,733 - mmseg - INFO - Iter [148650/160000] lr: 1.419e-06, eta: 1:08:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0959, decode.acc_seg: 77.7966, aux.loss_ce: 0.0441, aux.acc_seg: 77.3564, loss: 0.1400 2022-03-01 17:34:29,684 - mmseg - INFO - Iter [148700/160000] lr: 1.413e-06, eta: 1:07:46, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0994, decode.acc_seg: 76.6860, aux.loss_ce: 0.0454, aux.acc_seg: 76.2279, loss: 0.1447 2022-03-01 17:34:47,739 - mmseg - INFO - Iter [148750/160000] lr: 1.406e-06, eta: 1:07:28, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 75.9134, aux.loss_ce: 0.0420, aux.acc_seg: 75.4828, loss: 0.1336 2022-03-01 17:35:05,505 - mmseg - INFO - Iter [148800/160000] lr: 1.400e-06, eta: 1:07:10, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0932, decode.acc_seg: 78.0472, aux.loss_ce: 0.0431, aux.acc_seg: 77.5865, loss: 0.1363 2022-03-01 17:35:23,177 - mmseg - INFO - Iter [148850/160000] lr: 1.394e-06, eta: 1:06:52, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 76.9711, aux.loss_ce: 0.0440, aux.acc_seg: 76.5135, loss: 0.1391 2022-03-01 17:35:40,816 - mmseg - INFO - Iter [148900/160000] lr: 1.388e-06, eta: 1:06:33, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0896, decode.acc_seg: 77.2632, aux.loss_ce: 0.0411, aux.acc_seg: 76.8549, loss: 0.1306 2022-03-01 17:35:58,538 - mmseg - INFO - Iter [148950/160000] lr: 1.381e-06, eta: 1:06:15, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0925, decode.acc_seg: 78.8672, aux.loss_ce: 0.0428, aux.acc_seg: 78.4157, loss: 0.1353 2022-03-01 17:36:16,405 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:36:16,406 - mmseg - INFO - Iter [149000/160000] lr: 1.375e-06, eta: 1:05:57, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0939, decode.acc_seg: 76.7136, aux.loss_ce: 0.0435, aux.acc_seg: 76.2487, loss: 0.1374 2022-03-01 17:36:36,339 - mmseg - INFO - Iter [149050/160000] lr: 1.369e-06, eta: 1:05:40, time: 0.399, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 77.9774, aux.loss_ce: 0.0433, aux.acc_seg: 77.5268, loss: 0.1375 2022-03-01 17:36:54,200 - mmseg - INFO - Iter [149100/160000] lr: 1.363e-06, eta: 1:05:22, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0954, decode.acc_seg: 76.6311, aux.loss_ce: 0.0440, aux.acc_seg: 76.1602, loss: 0.1394 2022-03-01 17:37:12,006 - mmseg - INFO - Iter [149150/160000] lr: 1.356e-06, eta: 1:05:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 77.6552, aux.loss_ce: 0.0421, aux.acc_seg: 77.2192, loss: 0.1336 2022-03-01 17:37:29,844 - mmseg - INFO - Iter [149200/160000] lr: 1.350e-06, eta: 1:04:46, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 77.5354, aux.loss_ce: 0.0424, aux.acc_seg: 77.0752, loss: 0.1352 2022-03-01 17:37:47,616 - mmseg - INFO - Iter [149250/160000] lr: 1.344e-06, eta: 1:04:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0924, decode.acc_seg: 77.8976, aux.loss_ce: 0.0427, aux.acc_seg: 77.4239, loss: 0.1351 2022-03-01 17:38:05,293 - mmseg - INFO - Iter [149300/160000] lr: 1.338e-06, eta: 1:04:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0970, decode.acc_seg: 77.4126, aux.loss_ce: 0.0447, aux.acc_seg: 76.9477, loss: 0.1417 2022-03-01 17:38:23,054 - mmseg - INFO - Iter [149350/160000] lr: 1.331e-06, eta: 1:03:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0958, decode.acc_seg: 78.2908, aux.loss_ce: 0.0442, aux.acc_seg: 77.8312, loss: 0.1399 2022-03-01 17:38:41,068 - mmseg - INFO - Iter [149400/160000] lr: 1.325e-06, eta: 1:03:34, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0977, decode.acc_seg: 77.0367, aux.loss_ce: 0.0453, aux.acc_seg: 76.5524, loss: 0.1430 2022-03-01 17:38:58,760 - mmseg - INFO - Iter [149450/160000] lr: 1.319e-06, eta: 1:03:16, time: 0.354, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 77.6885, aux.loss_ce: 0.0428, aux.acc_seg: 77.2373, loss: 0.1357 2022-03-01 17:39:16,713 - mmseg - INFO - Iter [149500/160000] lr: 1.313e-06, eta: 1:02:58, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0983, decode.acc_seg: 77.9420, aux.loss_ce: 0.0452, aux.acc_seg: 77.4747, loss: 0.1435 2022-03-01 17:39:34,611 - mmseg - INFO - Iter [149550/160000] lr: 1.306e-06, eta: 1:02:40, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0885, decode.acc_seg: 77.9160, aux.loss_ce: 0.0408, aux.acc_seg: 77.4848, loss: 0.1293 2022-03-01 17:39:52,311 - mmseg - INFO - Iter [149600/160000] lr: 1.300e-06, eta: 1:02:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0936, decode.acc_seg: 77.1353, aux.loss_ce: 0.0430, aux.acc_seg: 76.6887, loss: 0.1367 2022-03-01 17:40:10,194 - mmseg - INFO - Iter [149650/160000] lr: 1.294e-06, eta: 1:02:04, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0937, decode.acc_seg: 77.7370, aux.loss_ce: 0.0433, aux.acc_seg: 77.2746, loss: 0.1370 2022-03-01 17:40:28,091 - mmseg - INFO - Iter [149700/160000] lr: 1.288e-06, eta: 1:01:46, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0949, decode.acc_seg: 78.5907, aux.loss_ce: 0.0434, aux.acc_seg: 78.1432, loss: 0.1383 2022-03-01 17:40:45,783 - mmseg - INFO - Iter [149750/160000] lr: 1.281e-06, eta: 1:01:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 78.6711, aux.loss_ce: 0.0412, aux.acc_seg: 78.2168, loss: 0.1309 2022-03-01 17:41:03,705 - mmseg - INFO - Iter [149800/160000] lr: 1.275e-06, eta: 1:01:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 76.2020, aux.loss_ce: 0.0419, aux.acc_seg: 75.7623, loss: 0.1326 2022-03-01 17:41:21,563 - mmseg - INFO - Iter [149850/160000] lr: 1.269e-06, eta: 1:00:52, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0947, decode.acc_seg: 77.7243, aux.loss_ce: 0.0435, aux.acc_seg: 77.2659, loss: 0.1382 2022-03-01 17:41:39,200 - mmseg - INFO - Iter [149900/160000] lr: 1.263e-06, eta: 1:00:34, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0925, decode.acc_seg: 77.5352, aux.loss_ce: 0.0430, aux.acc_seg: 77.0615, loss: 0.1355 2022-03-01 17:41:56,864 - mmseg - INFO - Iter [149950/160000] lr: 1.256e-06, eta: 1:00:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0930, decode.acc_seg: 76.7069, aux.loss_ce: 0.0427, aux.acc_seg: 76.2754, loss: 0.1357 2022-03-01 17:42:14,727 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:42:14,727 - mmseg - INFO - Iter [150000/160000] lr: 1.250e-06, eta: 0:59:58, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0913, decode.acc_seg: 76.5944, aux.loss_ce: 0.0418, aux.acc_seg: 76.1475, loss: 0.1331 2022-03-01 17:42:32,632 - mmseg - INFO - Iter [150050/160000] lr: 1.244e-06, eta: 0:59:40, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0902, decode.acc_seg: 79.0496, aux.loss_ce: 0.0419, aux.acc_seg: 78.5974, loss: 0.1321 2022-03-01 17:42:50,406 - mmseg - INFO - Iter [150100/160000] lr: 1.238e-06, eta: 0:59:22, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0926, decode.acc_seg: 76.8558, aux.loss_ce: 0.0425, aux.acc_seg: 76.3803, loss: 0.1351 2022-03-01 17:43:08,269 - mmseg - INFO - Iter [150150/160000] lr: 1.231e-06, eta: 0:59:04, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 77.4768, aux.loss_ce: 0.0426, aux.acc_seg: 77.0644, loss: 0.1356 2022-03-01 17:43:25,915 - mmseg - INFO - Iter [150200/160000] lr: 1.225e-06, eta: 0:58:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0908, decode.acc_seg: 76.2376, aux.loss_ce: 0.0419, aux.acc_seg: 75.7993, loss: 0.1327 2022-03-01 17:43:43,541 - mmseg - INFO - Iter [150250/160000] lr: 1.219e-06, eta: 0:58:28, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0959, decode.acc_seg: 77.6997, aux.loss_ce: 0.0440, aux.acc_seg: 77.2425, loss: 0.1399 2022-03-01 17:44:03,724 - mmseg - INFO - Iter [150300/160000] lr: 1.213e-06, eta: 0:58:10, time: 0.404, data_time: 0.051, memory: 49013, decode.loss_ce: 0.0888, decode.acc_seg: 77.2148, aux.loss_ce: 0.0410, aux.acc_seg: 76.7776, loss: 0.1298 2022-03-01 17:44:21,495 - mmseg - INFO - Iter [150350/160000] lr: 1.206e-06, eta: 0:57:52, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 79.3794, aux.loss_ce: 0.0452, aux.acc_seg: 78.9367, loss: 0.1433 2022-03-01 17:44:39,208 - mmseg - INFO - Iter [150400/160000] lr: 1.200e-06, eta: 0:57:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 75.8151, aux.loss_ce: 0.0421, aux.acc_seg: 75.4028, loss: 0.1336 2022-03-01 17:44:56,863 - mmseg - INFO - Iter [150450/160000] lr: 1.194e-06, eta: 0:57:16, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0927, decode.acc_seg: 77.4595, aux.loss_ce: 0.0426, aux.acc_seg: 77.0079, loss: 0.1353 2022-03-01 17:45:14,689 - mmseg - INFO - Iter [150500/160000] lr: 1.188e-06, eta: 0:56:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0888, decode.acc_seg: 76.7637, aux.loss_ce: 0.0409, aux.acc_seg: 76.3328, loss: 0.1297 2022-03-01 17:45:32,278 - mmseg - INFO - Iter [150550/160000] lr: 1.181e-06, eta: 0:56:40, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0880, decode.acc_seg: 76.2912, aux.loss_ce: 0.0409, aux.acc_seg: 75.8351, loss: 0.1289 2022-03-01 17:45:49,916 - mmseg - INFO - Iter [150600/160000] lr: 1.175e-06, eta: 0:56:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0908, decode.acc_seg: 77.1098, aux.loss_ce: 0.0418, aux.acc_seg: 76.6979, loss: 0.1326 2022-03-01 17:46:07,834 - mmseg - INFO - Iter [150650/160000] lr: 1.169e-06, eta: 0:56:04, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0908, decode.acc_seg: 77.2036, aux.loss_ce: 0.0416, aux.acc_seg: 76.7794, loss: 0.1324 2022-03-01 17:46:25,604 - mmseg - INFO - Iter [150700/160000] lr: 1.163e-06, eta: 0:55:46, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0989, decode.acc_seg: 79.1178, aux.loss_ce: 0.0460, aux.acc_seg: 78.6309, loss: 0.1449 2022-03-01 17:46:43,245 - mmseg - INFO - Iter [150750/160000] lr: 1.156e-06, eta: 0:55:28, time: 0.353, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0945, decode.acc_seg: 78.7030, aux.loss_ce: 0.0436, aux.acc_seg: 78.2496, loss: 0.1381 2022-03-01 17:47:01,152 - mmseg - INFO - Iter [150800/160000] lr: 1.150e-06, eta: 0:55:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0997, decode.acc_seg: 78.8292, aux.loss_ce: 0.0457, aux.acc_seg: 78.3611, loss: 0.1455 2022-03-01 17:47:19,094 - mmseg - INFO - Iter [150850/160000] lr: 1.144e-06, eta: 0:54:52, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 77.2302, aux.loss_ce: 0.0428, aux.acc_seg: 76.7388, loss: 0.1356 2022-03-01 17:47:36,932 - mmseg - INFO - Iter [150900/160000] lr: 1.138e-06, eta: 0:54:34, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0902, decode.acc_seg: 77.5994, aux.loss_ce: 0.0421, aux.acc_seg: 77.1363, loss: 0.1322 2022-03-01 17:47:54,719 - mmseg - INFO - Iter [150950/160000] lr: 1.131e-06, eta: 0:54:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0890, decode.acc_seg: 76.8952, aux.loss_ce: 0.0410, aux.acc_seg: 76.4686, loss: 0.1300 2022-03-01 17:48:12,582 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:48:12,583 - mmseg - INFO - Iter [151000/160000] lr: 1.125e-06, eta: 0:53:58, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0970, decode.acc_seg: 78.3214, aux.loss_ce: 0.0443, aux.acc_seg: 77.8952, loss: 0.1413 2022-03-01 17:48:30,319 - mmseg - INFO - Iter [151050/160000] lr: 1.119e-06, eta: 0:53:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0918, decode.acc_seg: 76.3723, aux.loss_ce: 0.0426, aux.acc_seg: 75.9432, loss: 0.1344 2022-03-01 17:48:48,373 - mmseg - INFO - Iter [151100/160000] lr: 1.113e-06, eta: 0:53:22, time: 0.361, data_time: 0.006, memory: 49013, decode.loss_ce: 0.1009, decode.acc_seg: 77.6546, aux.loss_ce: 0.0464, aux.acc_seg: 77.1700, loss: 0.1472 2022-03-01 17:49:06,226 - mmseg - INFO - Iter [151150/160000] lr: 1.106e-06, eta: 0:53:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0949, decode.acc_seg: 78.5087, aux.loss_ce: 0.0436, aux.acc_seg: 77.9694, loss: 0.1385 2022-03-01 17:49:23,962 - mmseg - INFO - Iter [151200/160000] lr: 1.100e-06, eta: 0:52:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0937, decode.acc_seg: 77.0280, aux.loss_ce: 0.0439, aux.acc_seg: 76.5514, loss: 0.1376 2022-03-01 17:49:41,727 - mmseg - INFO - Iter [151250/160000] lr: 1.094e-06, eta: 0:52:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0919, decode.acc_seg: 77.6972, aux.loss_ce: 0.0428, aux.acc_seg: 77.2222, loss: 0.1347 2022-03-01 17:49:59,368 - mmseg - INFO - Iter [151300/160000] lr: 1.088e-06, eta: 0:52:10, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0950, decode.acc_seg: 76.1631, aux.loss_ce: 0.0439, aux.acc_seg: 75.7172, loss: 0.1388 2022-03-01 17:50:17,171 - mmseg - INFO - Iter [151350/160000] lr: 1.081e-06, eta: 0:51:52, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 78.0334, aux.loss_ce: 0.0416, aux.acc_seg: 77.5819, loss: 0.1313 2022-03-01 17:50:34,885 - mmseg - INFO - Iter [151400/160000] lr: 1.075e-06, eta: 0:51:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0939, decode.acc_seg: 77.9794, aux.loss_ce: 0.0436, aux.acc_seg: 77.4859, loss: 0.1375 2022-03-01 17:50:52,674 - mmseg - INFO - Iter [151450/160000] lr: 1.069e-06, eta: 0:51:16, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0986, decode.acc_seg: 76.4202, aux.loss_ce: 0.0453, aux.acc_seg: 75.9459, loss: 0.1439 2022-03-01 17:51:10,708 - mmseg - INFO - Iter [151500/160000] lr: 1.063e-06, eta: 0:50:58, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0956, decode.acc_seg: 78.0971, aux.loss_ce: 0.0442, aux.acc_seg: 77.6425, loss: 0.1398 2022-03-01 17:51:28,393 - mmseg - INFO - Iter [151550/160000] lr: 1.056e-06, eta: 0:50:40, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0900, decode.acc_seg: 77.5213, aux.loss_ce: 0.0417, aux.acc_seg: 77.0822, loss: 0.1317 2022-03-01 17:51:48,295 - mmseg - INFO - Iter [151600/160000] lr: 1.050e-06, eta: 0:50:22, time: 0.398, data_time: 0.050, memory: 49013, decode.loss_ce: 0.0966, decode.acc_seg: 77.9494, aux.loss_ce: 0.0448, aux.acc_seg: 77.4460, loss: 0.1414 2022-03-01 17:52:06,080 - mmseg - INFO - Iter [151650/160000] lr: 1.044e-06, eta: 0:50:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 78.1248, aux.loss_ce: 0.0428, aux.acc_seg: 77.6390, loss: 0.1357 2022-03-01 17:52:24,007 - mmseg - INFO - Iter [151700/160000] lr: 1.038e-06, eta: 0:49:46, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0926, decode.acc_seg: 77.1583, aux.loss_ce: 0.0422, aux.acc_seg: 76.7628, loss: 0.1349 2022-03-01 17:52:41,762 - mmseg - INFO - Iter [151750/160000] lr: 1.031e-06, eta: 0:49:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0910, decode.acc_seg: 76.9118, aux.loss_ce: 0.0422, aux.acc_seg: 76.4588, loss: 0.1332 2022-03-01 17:52:59,454 - mmseg - INFO - Iter [151800/160000] lr: 1.025e-06, eta: 0:49:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0919, decode.acc_seg: 78.1067, aux.loss_ce: 0.0424, aux.acc_seg: 77.6486, loss: 0.1343 2022-03-01 17:53:17,262 - mmseg - INFO - Iter [151850/160000] lr: 1.019e-06, eta: 0:48:52, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0900, decode.acc_seg: 76.7706, aux.loss_ce: 0.0415, aux.acc_seg: 76.3351, loss: 0.1315 2022-03-01 17:53:34,894 - mmseg - INFO - Iter [151900/160000] lr: 1.013e-06, eta: 0:48:34, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0953, decode.acc_seg: 76.6249, aux.loss_ce: 0.0436, aux.acc_seg: 76.1800, loss: 0.1389 2022-03-01 17:53:52,674 - mmseg - INFO - Iter [151950/160000] lr: 1.006e-06, eta: 0:48:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1008, decode.acc_seg: 77.2095, aux.loss_ce: 0.0465, aux.acc_seg: 76.7274, loss: 0.1473 2022-03-01 17:54:10,433 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 17:54:10,433 - mmseg - INFO - Iter [152000/160000] lr: 1.000e-06, eta: 0:47:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0934, decode.acc_seg: 78.6790, aux.loss_ce: 0.0430, aux.acc_seg: 78.2284, loss: 0.1364 2022-03-01 17:54:28,298 - mmseg - INFO - Iter [152050/160000] lr: 9.939e-07, eta: 0:47:40, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0918, decode.acc_seg: 77.0541, aux.loss_ce: 0.0424, aux.acc_seg: 76.6121, loss: 0.1342 2022-03-01 17:54:46,249 - mmseg - INFO - Iter [152100/160000] lr: 9.876e-07, eta: 0:47:22, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0910, decode.acc_seg: 76.9558, aux.loss_ce: 0.0422, aux.acc_seg: 76.4867, loss: 0.1332 2022-03-01 17:55:04,057 - mmseg - INFO - Iter [152150/160000] lr: 9.814e-07, eta: 0:47:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0909, decode.acc_seg: 77.4932, aux.loss_ce: 0.0415, aux.acc_seg: 77.0794, loss: 0.1323 2022-03-01 17:55:22,213 - mmseg - INFO - Iter [152200/160000] lr: 9.751e-07, eta: 0:46:46, time: 0.363, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 76.9196, aux.loss_ce: 0.0430, aux.acc_seg: 76.4456, loss: 0.1358 2022-03-01 17:55:40,067 - mmseg - INFO - Iter [152250/160000] lr: 9.689e-07, eta: 0:46:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0935, decode.acc_seg: 77.3244, aux.loss_ce: 0.0433, aux.acc_seg: 76.8523, loss: 0.1368 2022-03-01 17:55:57,753 - mmseg - INFO - Iter [152300/160000] lr: 9.626e-07, eta: 0:46:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0913, decode.acc_seg: 76.8383, aux.loss_ce: 0.0424, aux.acc_seg: 76.3674, loss: 0.1337 2022-03-01 17:56:15,725 - mmseg - INFO - Iter [152350/160000] lr: 9.564e-07, eta: 0:45:52, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0886, decode.acc_seg: 77.2215, aux.loss_ce: 0.0407, aux.acc_seg: 76.7900, loss: 0.1293 2022-03-01 17:56:33,723 - mmseg - INFO - Iter [152400/160000] lr: 9.501e-07, eta: 0:45:34, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 77.2171, aux.loss_ce: 0.0429, aux.acc_seg: 76.7298, loss: 0.1350 2022-03-01 17:56:51,490 - mmseg - INFO - Iter [152450/160000] lr: 9.439e-07, eta: 0:45:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0963, decode.acc_seg: 77.2795, aux.loss_ce: 0.0442, aux.acc_seg: 76.8133, loss: 0.1405 2022-03-01 17:57:09,168 - mmseg - INFO - Iter [152500/160000] lr: 9.376e-07, eta: 0:44:58, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0884, decode.acc_seg: 77.7977, aux.loss_ce: 0.0409, aux.acc_seg: 77.3582, loss: 0.1293 2022-03-01 17:57:27,139 - mmseg - INFO - Iter [152550/160000] lr: 9.314e-07, eta: 0:44:40, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0909, decode.acc_seg: 78.9103, aux.loss_ce: 0.0421, aux.acc_seg: 78.4513, loss: 0.1329 2022-03-01 17:57:44,906 - mmseg - INFO - Iter [152600/160000] lr: 9.251e-07, eta: 0:44:22, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 77.0110, aux.loss_ce: 0.0427, aux.acc_seg: 76.5817, loss: 0.1355 2022-03-01 17:58:02,836 - mmseg - INFO - Iter [152650/160000] lr: 9.189e-07, eta: 0:44:04, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0941, decode.acc_seg: 77.2140, aux.loss_ce: 0.0432, aux.acc_seg: 76.7595, loss: 0.1373 2022-03-01 17:58:20,597 - mmseg - INFO - Iter [152700/160000] lr: 9.126e-07, eta: 0:43:46, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 78.1999, aux.loss_ce: 0.0424, aux.acc_seg: 77.7450, loss: 0.1347 2022-03-01 17:58:38,306 - mmseg - INFO - Iter [152750/160000] lr: 9.064e-07, eta: 0:43:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0920, decode.acc_seg: 77.0105, aux.loss_ce: 0.0426, aux.acc_seg: 76.5083, loss: 0.1346 2022-03-01 17:58:56,082 - mmseg - INFO - Iter [152800/160000] lr: 9.001e-07, eta: 0:43:10, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0932, decode.acc_seg: 76.8060, aux.loss_ce: 0.0429, aux.acc_seg: 76.3688, loss: 0.1361 2022-03-01 17:59:16,088 - mmseg - INFO - Iter [152850/160000] lr: 8.939e-07, eta: 0:42:52, time: 0.400, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0912, decode.acc_seg: 78.5612, aux.loss_ce: 0.0426, aux.acc_seg: 78.0456, loss: 0.1338 2022-03-01 17:59:33,933 - mmseg - INFO - Iter [152900/160000] lr: 8.876e-07, eta: 0:42:34, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 77.1626, aux.loss_ce: 0.0447, aux.acc_seg: 76.6726, loss: 0.1416 2022-03-01 17:59:51,745 - mmseg - INFO - Iter [152950/160000] lr: 8.814e-07, eta: 0:42:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0891, decode.acc_seg: 78.3493, aux.loss_ce: 0.0417, aux.acc_seg: 77.8666, loss: 0.1308 2022-03-01 18:00:09,679 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:00:09,679 - mmseg - INFO - Iter [153000/160000] lr: 8.751e-07, eta: 0:41:58, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0950, decode.acc_seg: 78.0157, aux.loss_ce: 0.0431, aux.acc_seg: 77.5894, loss: 0.1382 2022-03-01 18:00:27,330 - mmseg - INFO - Iter [153050/160000] lr: 8.689e-07, eta: 0:41:40, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0934, decode.acc_seg: 77.8088, aux.loss_ce: 0.0433, aux.acc_seg: 77.3468, loss: 0.1367 2022-03-01 18:00:44,937 - mmseg - INFO - Iter [153100/160000] lr: 8.626e-07, eta: 0:41:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0919, decode.acc_seg: 77.7177, aux.loss_ce: 0.0427, aux.acc_seg: 77.2624, loss: 0.1346 2022-03-01 18:01:02,728 - mmseg - INFO - Iter [153150/160000] lr: 8.564e-07, eta: 0:41:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0950, decode.acc_seg: 77.2298, aux.loss_ce: 0.0439, aux.acc_seg: 76.7595, loss: 0.1390 2022-03-01 18:01:20,413 - mmseg - INFO - Iter [153200/160000] lr: 8.501e-07, eta: 0:40:46, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0872, decode.acc_seg: 75.4253, aux.loss_ce: 0.0403, aux.acc_seg: 74.9839, loss: 0.1275 2022-03-01 18:01:38,117 - mmseg - INFO - Iter [153250/160000] lr: 8.439e-07, eta: 0:40:28, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0871, decode.acc_seg: 78.1143, aux.loss_ce: 0.0398, aux.acc_seg: 77.6854, loss: 0.1269 2022-03-01 18:01:56,017 - mmseg - INFO - Iter [153300/160000] lr: 8.376e-07, eta: 0:40:10, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0973, decode.acc_seg: 78.4738, aux.loss_ce: 0.0448, aux.acc_seg: 77.9991, loss: 0.1420 2022-03-01 18:02:13,900 - mmseg - INFO - Iter [153350/160000] lr: 8.314e-07, eta: 0:39:52, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 77.1408, aux.loss_ce: 0.0432, aux.acc_seg: 76.6834, loss: 0.1373 2022-03-01 18:02:31,578 - mmseg - INFO - Iter [153400/160000] lr: 8.251e-07, eta: 0:39:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0930, decode.acc_seg: 76.2164, aux.loss_ce: 0.0427, aux.acc_seg: 75.7585, loss: 0.1358 2022-03-01 18:02:49,428 - mmseg - INFO - Iter [153450/160000] lr: 8.189e-07, eta: 0:39:16, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0955, decode.acc_seg: 77.4864, aux.loss_ce: 0.0440, aux.acc_seg: 77.0058, loss: 0.1395 2022-03-01 18:03:07,185 - mmseg - INFO - Iter [153500/160000] lr: 8.126e-07, eta: 0:38:58, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0959, decode.acc_seg: 78.1511, aux.loss_ce: 0.0442, aux.acc_seg: 77.6852, loss: 0.1400 2022-03-01 18:03:24,944 - mmseg - INFO - Iter [153550/160000] lr: 8.064e-07, eta: 0:38:40, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 78.7863, aux.loss_ce: 0.0426, aux.acc_seg: 78.3454, loss: 0.1355 2022-03-01 18:03:42,788 - mmseg - INFO - Iter [153600/160000] lr: 8.001e-07, eta: 0:38:22, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 77.1411, aux.loss_ce: 0.0436, aux.acc_seg: 76.7576, loss: 0.1383 2022-03-01 18:04:00,565 - mmseg - INFO - Iter [153650/160000] lr: 7.939e-07, eta: 0:38:04, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0875, decode.acc_seg: 77.1315, aux.loss_ce: 0.0409, aux.acc_seg: 76.6544, loss: 0.1284 2022-03-01 18:04:18,332 - mmseg - INFO - Iter [153700/160000] lr: 7.876e-07, eta: 0:37:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0944, decode.acc_seg: 77.7614, aux.loss_ce: 0.0435, aux.acc_seg: 77.3261, loss: 0.1380 2022-03-01 18:04:36,129 - mmseg - INFO - Iter [153750/160000] lr: 7.814e-07, eta: 0:37:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0892, decode.acc_seg: 77.3074, aux.loss_ce: 0.0413, aux.acc_seg: 76.8645, loss: 0.1304 2022-03-01 18:04:53,851 - mmseg - INFO - Iter [153800/160000] lr: 7.751e-07, eta: 0:37:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0939, decode.acc_seg: 77.5734, aux.loss_ce: 0.0433, aux.acc_seg: 77.0984, loss: 0.1372 2022-03-01 18:05:11,734 - mmseg - INFO - Iter [153850/160000] lr: 7.689e-07, eta: 0:36:52, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0932, decode.acc_seg: 76.8699, aux.loss_ce: 0.0431, aux.acc_seg: 76.4218, loss: 0.1363 2022-03-01 18:05:29,637 - mmseg - INFO - Iter [153900/160000] lr: 7.626e-07, eta: 0:36:34, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0910, decode.acc_seg: 76.9579, aux.loss_ce: 0.0419, aux.acc_seg: 76.5170, loss: 0.1329 2022-03-01 18:05:47,637 - mmseg - INFO - Iter [153950/160000] lr: 7.564e-07, eta: 0:36:16, time: 0.360, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 78.0325, aux.loss_ce: 0.0434, aux.acc_seg: 77.5645, loss: 0.1377 2022-03-01 18:06:05,376 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:06:05,376 - mmseg - INFO - Iter [154000/160000] lr: 7.501e-07, eta: 0:35:58, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0860, decode.acc_seg: 77.7150, aux.loss_ce: 0.0397, aux.acc_seg: 77.2886, loss: 0.1257 2022-03-01 18:06:23,191 - mmseg - INFO - Iter [154050/160000] lr: 7.439e-07, eta: 0:35:40, time: 0.356, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 77.5268, aux.loss_ce: 0.0423, aux.acc_seg: 77.1065, loss: 0.1338 2022-03-01 18:06:43,213 - mmseg - INFO - Iter [154100/160000] lr: 7.376e-07, eta: 0:35:22, time: 0.400, data_time: 0.052, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 77.7418, aux.loss_ce: 0.0438, aux.acc_seg: 77.2757, loss: 0.1384 2022-03-01 18:07:00,964 - mmseg - INFO - Iter [154150/160000] lr: 7.314e-07, eta: 0:35:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0884, decode.acc_seg: 76.8975, aux.loss_ce: 0.0409, aux.acc_seg: 76.4347, loss: 0.1293 2022-03-01 18:07:18,686 - mmseg - INFO - Iter [154200/160000] lr: 7.251e-07, eta: 0:34:46, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0911, decode.acc_seg: 77.4105, aux.loss_ce: 0.0422, aux.acc_seg: 76.9864, loss: 0.1333 2022-03-01 18:07:36,497 - mmseg - INFO - Iter [154250/160000] lr: 7.189e-07, eta: 0:34:28, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 76.8516, aux.loss_ce: 0.0411, aux.acc_seg: 76.4379, loss: 0.1307 2022-03-01 18:07:54,336 - mmseg - INFO - Iter [154300/160000] lr: 7.126e-07, eta: 0:34:10, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0981, decode.acc_seg: 77.1168, aux.loss_ce: 0.0453, aux.acc_seg: 76.6627, loss: 0.1434 2022-03-01 18:08:11,971 - mmseg - INFO - Iter [154350/160000] lr: 7.064e-07, eta: 0:33:52, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0926, decode.acc_seg: 76.6730, aux.loss_ce: 0.0426, aux.acc_seg: 76.2290, loss: 0.1352 2022-03-01 18:08:29,648 - mmseg - INFO - Iter [154400/160000] lr: 7.001e-07, eta: 0:33:34, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0989, decode.acc_seg: 77.0949, aux.loss_ce: 0.0453, aux.acc_seg: 76.6314, loss: 0.1441 2022-03-01 18:08:47,535 - mmseg - INFO - Iter [154450/160000] lr: 6.939e-07, eta: 0:33:16, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0911, decode.acc_seg: 77.0995, aux.loss_ce: 0.0423, aux.acc_seg: 76.6457, loss: 0.1335 2022-03-01 18:09:05,430 - mmseg - INFO - Iter [154500/160000] lr: 6.876e-07, eta: 0:32:58, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0867, decode.acc_seg: 76.9674, aux.loss_ce: 0.0402, aux.acc_seg: 76.5142, loss: 0.1269 2022-03-01 18:09:23,226 - mmseg - INFO - Iter [154550/160000] lr: 6.814e-07, eta: 0:32:40, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0905, decode.acc_seg: 77.4207, aux.loss_ce: 0.0419, aux.acc_seg: 76.9482, loss: 0.1324 2022-03-01 18:09:41,200 - mmseg - INFO - Iter [154600/160000] lr: 6.751e-07, eta: 0:32:22, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 79.1413, aux.loss_ce: 0.0417, aux.acc_seg: 78.6788, loss: 0.1324 2022-03-01 18:09:59,027 - mmseg - INFO - Iter [154650/160000] lr: 6.689e-07, eta: 0:32:04, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0931, decode.acc_seg: 77.7314, aux.loss_ce: 0.0433, aux.acc_seg: 77.2616, loss: 0.1363 2022-03-01 18:10:16,811 - mmseg - INFO - Iter [154700/160000] lr: 6.626e-07, eta: 0:31:46, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0852, decode.acc_seg: 77.3522, aux.loss_ce: 0.0395, aux.acc_seg: 76.9418, loss: 0.1246 2022-03-01 18:10:34,565 - mmseg - INFO - Iter [154750/160000] lr: 6.564e-07, eta: 0:31:28, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0934, decode.acc_seg: 77.2492, aux.loss_ce: 0.0431, aux.acc_seg: 76.7831, loss: 0.1365 2022-03-01 18:10:52,415 - mmseg - INFO - Iter [154800/160000] lr: 6.501e-07, eta: 0:31:10, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0912, decode.acc_seg: 77.1975, aux.loss_ce: 0.0424, aux.acc_seg: 76.7159, loss: 0.1336 2022-03-01 18:11:10,150 - mmseg - INFO - Iter [154850/160000] lr: 6.439e-07, eta: 0:30:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0903, decode.acc_seg: 76.3639, aux.loss_ce: 0.0418, aux.acc_seg: 75.9166, loss: 0.1321 2022-03-01 18:11:27,810 - mmseg - INFO - Iter [154900/160000] lr: 6.376e-07, eta: 0:30:34, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0964, decode.acc_seg: 77.8800, aux.loss_ce: 0.0443, aux.acc_seg: 77.4248, loss: 0.1407 2022-03-01 18:11:45,594 - mmseg - INFO - Iter [154950/160000] lr: 6.314e-07, eta: 0:30:16, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0986, decode.acc_seg: 78.8907, aux.loss_ce: 0.0454, aux.acc_seg: 78.4449, loss: 0.1440 2022-03-01 18:12:03,381 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:12:03,381 - mmseg - INFO - Iter [155000/160000] lr: 6.251e-07, eta: 0:29:58, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 77.3459, aux.loss_ce: 0.0436, aux.acc_seg: 76.8825, loss: 0.1379 2022-03-01 18:12:21,202 - mmseg - INFO - Iter [155050/160000] lr: 6.189e-07, eta: 0:29:40, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0913, decode.acc_seg: 77.4407, aux.loss_ce: 0.0424, aux.acc_seg: 76.8973, loss: 0.1337 2022-03-01 18:12:39,166 - mmseg - INFO - Iter [155100/160000] lr: 6.126e-07, eta: 0:29:22, time: 0.359, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0890, decode.acc_seg: 77.5202, aux.loss_ce: 0.0412, aux.acc_seg: 77.0821, loss: 0.1302 2022-03-01 18:12:56,840 - mmseg - INFO - Iter [155150/160000] lr: 6.064e-07, eta: 0:29:04, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0934, decode.acc_seg: 77.3527, aux.loss_ce: 0.0430, aux.acc_seg: 76.9061, loss: 0.1363 2022-03-01 18:13:14,512 - mmseg - INFO - Iter [155200/160000] lr: 6.001e-07, eta: 0:28:46, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0989, decode.acc_seg: 76.5008, aux.loss_ce: 0.0454, aux.acc_seg: 76.0372, loss: 0.1443 2022-03-01 18:13:32,246 - mmseg - INFO - Iter [155250/160000] lr: 5.939e-07, eta: 0:28:28, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0901, decode.acc_seg: 79.3317, aux.loss_ce: 0.0421, aux.acc_seg: 78.8476, loss: 0.1323 2022-03-01 18:13:49,955 - mmseg - INFO - Iter [155300/160000] lr: 5.876e-07, eta: 0:28:10, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0921, decode.acc_seg: 77.3263, aux.loss_ce: 0.0423, aux.acc_seg: 76.9044, loss: 0.1344 2022-03-01 18:14:09,962 - mmseg - INFO - Iter [155350/160000] lr: 5.814e-07, eta: 0:27:52, time: 0.400, data_time: 0.049, memory: 49013, decode.loss_ce: 0.0933, decode.acc_seg: 78.0611, aux.loss_ce: 0.0428, aux.acc_seg: 77.6279, loss: 0.1362 2022-03-01 18:14:27,719 - mmseg - INFO - Iter [155400/160000] lr: 5.751e-07, eta: 0:27:34, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0927, decode.acc_seg: 78.1270, aux.loss_ce: 0.0426, aux.acc_seg: 77.6565, loss: 0.1353 2022-03-01 18:14:45,739 - mmseg - INFO - Iter [155450/160000] lr: 5.689e-07, eta: 0:27:16, time: 0.360, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0913, decode.acc_seg: 77.1247, aux.loss_ce: 0.0426, aux.acc_seg: 76.6367, loss: 0.1338 2022-03-01 18:15:03,645 - mmseg - INFO - Iter [155500/160000] lr: 5.626e-07, eta: 0:26:58, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0902, decode.acc_seg: 77.6347, aux.loss_ce: 0.0419, aux.acc_seg: 77.1398, loss: 0.1321 2022-03-01 18:15:21,443 - mmseg - INFO - Iter [155550/160000] lr: 5.564e-07, eta: 0:26:40, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0864, decode.acc_seg: 77.5068, aux.loss_ce: 0.0400, aux.acc_seg: 77.0859, loss: 0.1264 2022-03-01 18:15:39,091 - mmseg - INFO - Iter [155600/160000] lr: 5.501e-07, eta: 0:26:22, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0890, decode.acc_seg: 79.4509, aux.loss_ce: 0.0412, aux.acc_seg: 78.9721, loss: 0.1302 2022-03-01 18:15:56,867 - mmseg - INFO - Iter [155650/160000] lr: 5.439e-07, eta: 0:26:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0941, decode.acc_seg: 77.8518, aux.loss_ce: 0.0437, aux.acc_seg: 77.3535, loss: 0.1377 2022-03-01 18:16:14,573 - mmseg - INFO - Iter [155700/160000] lr: 5.376e-07, eta: 0:25:46, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 77.3227, aux.loss_ce: 0.0428, aux.acc_seg: 76.8568, loss: 0.1351 2022-03-01 18:16:32,630 - mmseg - INFO - Iter [155750/160000] lr: 5.314e-07, eta: 0:25:28, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 78.0761, aux.loss_ce: 0.0424, aux.acc_seg: 77.6703, loss: 0.1346 2022-03-01 18:16:50,278 - mmseg - INFO - Iter [155800/160000] lr: 5.251e-07, eta: 0:25:10, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0917, decode.acc_seg: 76.9286, aux.loss_ce: 0.0422, aux.acc_seg: 76.4879, loss: 0.1340 2022-03-01 18:17:08,155 - mmseg - INFO - Iter [155850/160000] lr: 5.189e-07, eta: 0:24:52, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0884, decode.acc_seg: 77.1242, aux.loss_ce: 0.0407, aux.acc_seg: 76.7059, loss: 0.1291 2022-03-01 18:17:26,039 - mmseg - INFO - Iter [155900/160000] lr: 5.126e-07, eta: 0:24:34, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 75.8979, aux.loss_ce: 0.0423, aux.acc_seg: 75.4388, loss: 0.1340 2022-03-01 18:17:43,775 - mmseg - INFO - Iter [155950/160000] lr: 5.064e-07, eta: 0:24:16, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0878, decode.acc_seg: 78.6578, aux.loss_ce: 0.0406, aux.acc_seg: 78.2049, loss: 0.1284 2022-03-01 18:18:01,686 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:18:01,686 - mmseg - INFO - Iter [156000/160000] lr: 5.001e-07, eta: 0:23:58, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0960, decode.acc_seg: 77.6121, aux.loss_ce: 0.0443, aux.acc_seg: 77.1513, loss: 0.1403 2022-03-01 18:18:19,440 - mmseg - INFO - Iter [156050/160000] lr: 4.939e-07, eta: 0:23:40, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0924, decode.acc_seg: 77.9057, aux.loss_ce: 0.0428, aux.acc_seg: 77.4392, loss: 0.1352 2022-03-01 18:18:37,162 - mmseg - INFO - Iter [156100/160000] lr: 4.876e-07, eta: 0:23:22, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 76.3920, aux.loss_ce: 0.0431, aux.acc_seg: 75.9428, loss: 0.1361 2022-03-01 18:18:54,902 - mmseg - INFO - Iter [156150/160000] lr: 4.814e-07, eta: 0:23:04, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 77.5576, aux.loss_ce: 0.0418, aux.acc_seg: 77.0861, loss: 0.1325 2022-03-01 18:19:12,673 - mmseg - INFO - Iter [156200/160000] lr: 4.751e-07, eta: 0:22:46, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0887, decode.acc_seg: 76.1001, aux.loss_ce: 0.0412, aux.acc_seg: 75.6302, loss: 0.1299 2022-03-01 18:19:30,516 - mmseg - INFO - Iter [156250/160000] lr: 4.689e-07, eta: 0:22:28, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 77.3984, aux.loss_ce: 0.0426, aux.acc_seg: 76.9225, loss: 0.1341 2022-03-01 18:19:48,258 - mmseg - INFO - Iter [156300/160000] lr: 4.626e-07, eta: 0:22:10, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0962, decode.acc_seg: 75.5529, aux.loss_ce: 0.0445, aux.acc_seg: 75.0783, loss: 0.1408 2022-03-01 18:20:06,018 - mmseg - INFO - Iter [156350/160000] lr: 4.564e-07, eta: 0:21:52, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.1027, decode.acc_seg: 78.0458, aux.loss_ce: 0.0472, aux.acc_seg: 77.5943, loss: 0.1499 2022-03-01 18:20:23,809 - mmseg - INFO - Iter [156400/160000] lr: 4.501e-07, eta: 0:21:34, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0937, decode.acc_seg: 77.5810, aux.loss_ce: 0.0434, aux.acc_seg: 77.1015, loss: 0.1371 2022-03-01 18:20:41,512 - mmseg - INFO - Iter [156450/160000] lr: 4.439e-07, eta: 0:21:16, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0902, decode.acc_seg: 77.4666, aux.loss_ce: 0.0420, aux.acc_seg: 77.0017, loss: 0.1322 2022-03-01 18:20:59,413 - mmseg - INFO - Iter [156500/160000] lr: 4.376e-07, eta: 0:20:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0896, decode.acc_seg: 77.1286, aux.loss_ce: 0.0415, aux.acc_seg: 76.6836, loss: 0.1310 2022-03-01 18:21:17,222 - mmseg - INFO - Iter [156550/160000] lr: 4.314e-07, eta: 0:20:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0979, decode.acc_seg: 77.8941, aux.loss_ce: 0.0450, aux.acc_seg: 77.4213, loss: 0.1429 2022-03-01 18:21:35,268 - mmseg - INFO - Iter [156600/160000] lr: 4.251e-07, eta: 0:20:23, time: 0.361, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0927, decode.acc_seg: 77.4857, aux.loss_ce: 0.0425, aux.acc_seg: 77.0585, loss: 0.1351 2022-03-01 18:21:55,583 - mmseg - INFO - Iter [156650/160000] lr: 4.189e-07, eta: 0:20:05, time: 0.406, data_time: 0.052, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 77.4519, aux.loss_ce: 0.0421, aux.acc_seg: 77.0241, loss: 0.1336 2022-03-01 18:22:13,307 - mmseg - INFO - Iter [156700/160000] lr: 4.126e-07, eta: 0:19:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0911, decode.acc_seg: 76.9482, aux.loss_ce: 0.0422, aux.acc_seg: 76.4652, loss: 0.1333 2022-03-01 18:22:31,020 - mmseg - INFO - Iter [156750/160000] lr: 4.064e-07, eta: 0:19:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0963, decode.acc_seg: 78.1051, aux.loss_ce: 0.0440, aux.acc_seg: 77.6537, loss: 0.1403 2022-03-01 18:22:48,752 - mmseg - INFO - Iter [156800/160000] lr: 4.001e-07, eta: 0:19:11, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0903, decode.acc_seg: 77.7247, aux.loss_ce: 0.0418, aux.acc_seg: 77.3028, loss: 0.1321 2022-03-01 18:23:06,590 - mmseg - INFO - Iter [156850/160000] lr: 3.939e-07, eta: 0:18:53, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0937, decode.acc_seg: 77.4662, aux.loss_ce: 0.0433, aux.acc_seg: 77.0277, loss: 0.1370 2022-03-01 18:23:24,400 - mmseg - INFO - Iter [156900/160000] lr: 3.876e-07, eta: 0:18:35, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0930, decode.acc_seg: 78.0561, aux.loss_ce: 0.0429, aux.acc_seg: 77.5878, loss: 0.1359 2022-03-01 18:23:42,233 - mmseg - INFO - Iter [156950/160000] lr: 3.814e-07, eta: 0:18:17, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 78.7252, aux.loss_ce: 0.0424, aux.acc_seg: 78.2669, loss: 0.1346 2022-03-01 18:23:59,898 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:23:59,898 - mmseg - INFO - Iter [157000/160000] lr: 3.751e-07, eta: 0:17:59, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0892, decode.acc_seg: 77.7850, aux.loss_ce: 0.0410, aux.acc_seg: 77.4035, loss: 0.1302 2022-03-01 18:24:17,689 - mmseg - INFO - Iter [157050/160000] lr: 3.689e-07, eta: 0:17:41, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0886, decode.acc_seg: 77.3229, aux.loss_ce: 0.0409, aux.acc_seg: 76.8281, loss: 0.1295 2022-03-01 18:24:35,532 - mmseg - INFO - Iter [157100/160000] lr: 3.626e-07, eta: 0:17:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 78.1034, aux.loss_ce: 0.0421, aux.acc_seg: 77.6486, loss: 0.1328 2022-03-01 18:24:53,162 - mmseg - INFO - Iter [157150/160000] lr: 3.564e-07, eta: 0:17:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0907, decode.acc_seg: 77.6720, aux.loss_ce: 0.0421, aux.acc_seg: 77.2092, loss: 0.1328 2022-03-01 18:25:10,849 - mmseg - INFO - Iter [157200/160000] lr: 3.501e-07, eta: 0:16:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 78.2410, aux.loss_ce: 0.0424, aux.acc_seg: 77.7858, loss: 0.1345 2022-03-01 18:25:28,560 - mmseg - INFO - Iter [157250/160000] lr: 3.439e-07, eta: 0:16:29, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0941, decode.acc_seg: 76.4848, aux.loss_ce: 0.0437, aux.acc_seg: 76.0057, loss: 0.1378 2022-03-01 18:25:46,438 - mmseg - INFO - Iter [157300/160000] lr: 3.376e-07, eta: 0:16:11, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 78.1246, aux.loss_ce: 0.0410, aux.acc_seg: 77.7161, loss: 0.1307 2022-03-01 18:26:04,213 - mmseg - INFO - Iter [157350/160000] lr: 3.314e-07, eta: 0:15:53, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0906, decode.acc_seg: 76.7698, aux.loss_ce: 0.0420, aux.acc_seg: 76.3218, loss: 0.1326 2022-03-01 18:26:21,892 - mmseg - INFO - Iter [157400/160000] lr: 3.251e-07, eta: 0:15:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 76.7817, aux.loss_ce: 0.0414, aux.acc_seg: 76.3373, loss: 0.1311 2022-03-01 18:26:39,704 - mmseg - INFO - Iter [157450/160000] lr: 3.189e-07, eta: 0:15:17, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0919, decode.acc_seg: 76.9721, aux.loss_ce: 0.0426, aux.acc_seg: 76.5126, loss: 0.1344 2022-03-01 18:26:57,600 - mmseg - INFO - Iter [157500/160000] lr: 3.126e-07, eta: 0:14:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0936, decode.acc_seg: 78.0957, aux.loss_ce: 0.0429, aux.acc_seg: 77.6583, loss: 0.1365 2022-03-01 18:27:15,307 - mmseg - INFO - Iter [157550/160000] lr: 3.064e-07, eta: 0:14:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0964, decode.acc_seg: 76.1088, aux.loss_ce: 0.0446, aux.acc_seg: 75.6291, loss: 0.1410 2022-03-01 18:27:33,112 - mmseg - INFO - Iter [157600/160000] lr: 3.001e-07, eta: 0:14:23, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 77.4301, aux.loss_ce: 0.0432, aux.acc_seg: 76.9925, loss: 0.1360 2022-03-01 18:27:50,911 - mmseg - INFO - Iter [157650/160000] lr: 2.939e-07, eta: 0:14:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0892, decode.acc_seg: 76.8854, aux.loss_ce: 0.0410, aux.acc_seg: 76.4237, loss: 0.1302 2022-03-01 18:28:08,594 - mmseg - INFO - Iter [157700/160000] lr: 2.876e-07, eta: 0:13:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 79.6108, aux.loss_ce: 0.0431, aux.acc_seg: 79.1445, loss: 0.1360 2022-03-01 18:28:26,498 - mmseg - INFO - Iter [157750/160000] lr: 2.814e-07, eta: 0:13:29, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 77.9881, aux.loss_ce: 0.0422, aux.acc_seg: 77.5481, loss: 0.1337 2022-03-01 18:28:44,123 - mmseg - INFO - Iter [157800/160000] lr: 2.751e-07, eta: 0:13:11, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0922, decode.acc_seg: 76.8372, aux.loss_ce: 0.0426, aux.acc_seg: 76.3901, loss: 0.1349 2022-03-01 18:29:01,950 - mmseg - INFO - Iter [157850/160000] lr: 2.689e-07, eta: 0:12:53, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0925, decode.acc_seg: 78.5939, aux.loss_ce: 0.0431, aux.acc_seg: 78.1140, loss: 0.1356 2022-03-01 18:29:22,150 - mmseg - INFO - Iter [157900/160000] lr: 2.626e-07, eta: 0:12:35, time: 0.404, data_time: 0.050, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 76.4227, aux.loss_ce: 0.0428, aux.acc_seg: 75.9678, loss: 0.1351 2022-03-01 18:29:39,889 - mmseg - INFO - Iter [157950/160000] lr: 2.564e-07, eta: 0:12:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0891, decode.acc_seg: 76.4755, aux.loss_ce: 0.0415, aux.acc_seg: 76.0092, loss: 0.1306 2022-03-01 18:29:57,714 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:29:57,714 - mmseg - INFO - Iter [158000/160000] lr: 2.501e-07, eta: 0:11:59, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0968, decode.acc_seg: 76.1382, aux.loss_ce: 0.0447, aux.acc_seg: 75.6709, loss: 0.1415 2022-03-01 18:30:15,400 - mmseg - INFO - Iter [158050/160000] lr: 2.439e-07, eta: 0:11:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0858, decode.acc_seg: 77.2913, aux.loss_ce: 0.0399, aux.acc_seg: 76.8379, loss: 0.1258 2022-03-01 18:30:33,110 - mmseg - INFO - Iter [158100/160000] lr: 2.376e-07, eta: 0:11:23, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 78.3322, aux.loss_ce: 0.0437, aux.acc_seg: 77.8644, loss: 0.1384 2022-03-01 18:30:50,757 - mmseg - INFO - Iter [158150/160000] lr: 2.314e-07, eta: 0:11:05, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0939, decode.acc_seg: 76.9296, aux.loss_ce: 0.0436, aux.acc_seg: 76.4460, loss: 0.1375 2022-03-01 18:31:08,591 - mmseg - INFO - Iter [158200/160000] lr: 2.251e-07, eta: 0:10:47, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0924, decode.acc_seg: 76.7706, aux.loss_ce: 0.0428, aux.acc_seg: 76.3076, loss: 0.1352 2022-03-01 18:31:26,218 - mmseg - INFO - Iter [158250/160000] lr: 2.189e-07, eta: 0:10:29, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0915, decode.acc_seg: 78.7583, aux.loss_ce: 0.0422, aux.acc_seg: 78.3332, loss: 0.1336 2022-03-01 18:31:44,010 - mmseg - INFO - Iter [158300/160000] lr: 2.126e-07, eta: 0:10:11, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0885, decode.acc_seg: 77.3039, aux.loss_ce: 0.0407, aux.acc_seg: 76.8695, loss: 0.1292 2022-03-01 18:32:01,723 - mmseg - INFO - Iter [158350/160000] lr: 2.064e-07, eta: 0:09:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0970, decode.acc_seg: 77.2197, aux.loss_ce: 0.0448, aux.acc_seg: 76.7400, loss: 0.1417 2022-03-01 18:32:19,643 - mmseg - INFO - Iter [158400/160000] lr: 2.001e-07, eta: 0:09:35, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 77.4777, aux.loss_ce: 0.0427, aux.acc_seg: 77.0382, loss: 0.1350 2022-03-01 18:32:37,348 - mmseg - INFO - Iter [158450/160000] lr: 1.939e-07, eta: 0:09:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 76.8071, aux.loss_ce: 0.0417, aux.acc_seg: 76.3382, loss: 0.1314 2022-03-01 18:32:55,228 - mmseg - INFO - Iter [158500/160000] lr: 1.876e-07, eta: 0:08:59, time: 0.358, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 78.1530, aux.loss_ce: 0.0422, aux.acc_seg: 77.6358, loss: 0.1338 2022-03-01 18:33:12,966 - mmseg - INFO - Iter [158550/160000] lr: 1.814e-07, eta: 0:08:41, time: 0.355, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0890, decode.acc_seg: 77.0839, aux.loss_ce: 0.0411, aux.acc_seg: 76.6542, loss: 0.1301 2022-03-01 18:33:30,847 - mmseg - INFO - Iter [158600/160000] lr: 1.751e-07, eta: 0:08:23, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 77.4114, aux.loss_ce: 0.0438, aux.acc_seg: 76.9110, loss: 0.1381 2022-03-01 18:33:48,609 - mmseg - INFO - Iter [158650/160000] lr: 1.689e-07, eta: 0:08:05, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0885, decode.acc_seg: 76.3991, aux.loss_ce: 0.0412, aux.acc_seg: 75.9340, loss: 0.1298 2022-03-01 18:34:06,317 - mmseg - INFO - Iter [158700/160000] lr: 1.626e-07, eta: 0:07:47, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0906, decode.acc_seg: 77.6239, aux.loss_ce: 0.0421, aux.acc_seg: 77.1492, loss: 0.1326 2022-03-01 18:34:24,063 - mmseg - INFO - Iter [158750/160000] lr: 1.564e-07, eta: 0:07:29, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0893, decode.acc_seg: 78.5219, aux.loss_ce: 0.0413, aux.acc_seg: 78.0814, loss: 0.1306 2022-03-01 18:34:41,969 - mmseg - INFO - Iter [158800/160000] lr: 1.501e-07, eta: 0:07:11, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0897, decode.acc_seg: 78.3687, aux.loss_ce: 0.0415, aux.acc_seg: 77.9147, loss: 0.1312 2022-03-01 18:34:59,657 - mmseg - INFO - Iter [158850/160000] lr: 1.439e-07, eta: 0:06:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0928, decode.acc_seg: 77.6436, aux.loss_ce: 0.0429, aux.acc_seg: 77.1627, loss: 0.1357 2022-03-01 18:35:17,433 - mmseg - INFO - Iter [158900/160000] lr: 1.376e-07, eta: 0:06:35, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0951, decode.acc_seg: 77.9640, aux.loss_ce: 0.0437, aux.acc_seg: 77.5149, loss: 0.1389 2022-03-01 18:35:35,158 - mmseg - INFO - Iter [158950/160000] lr: 1.314e-07, eta: 0:06:17, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0893, decode.acc_seg: 76.3051, aux.loss_ce: 0.0417, aux.acc_seg: 75.8198, loss: 0.1310 2022-03-01 18:35:52,977 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:35:52,978 - mmseg - INFO - Iter [159000/160000] lr: 1.251e-07, eta: 0:05:59, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0967, decode.acc_seg: 79.1171, aux.loss_ce: 0.0450, aux.acc_seg: 78.6315, loss: 0.1417 2022-03-01 18:36:10,677 - mmseg - INFO - Iter [159050/160000] lr: 1.189e-07, eta: 0:05:41, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0885, decode.acc_seg: 77.4679, aux.loss_ce: 0.0406, aux.acc_seg: 77.0303, loss: 0.1291 2022-03-01 18:36:28,507 - mmseg - INFO - Iter [159100/160000] lr: 1.126e-07, eta: 0:05:23, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 77.7942, aux.loss_ce: 0.0445, aux.acc_seg: 77.3185, loss: 0.1391 2022-03-01 18:36:48,477 - mmseg - INFO - Iter [159150/160000] lr: 1.064e-07, eta: 0:05:05, time: 0.399, data_time: 0.050, memory: 49013, decode.loss_ce: 0.0946, decode.acc_seg: 77.7377, aux.loss_ce: 0.0435, aux.acc_seg: 77.2841, loss: 0.1381 2022-03-01 18:37:06,200 - mmseg - INFO - Iter [159200/160000] lr: 1.001e-07, eta: 0:04:47, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0885, decode.acc_seg: 77.3942, aux.loss_ce: 0.0413, aux.acc_seg: 76.8991, loss: 0.1298 2022-03-01 18:37:24,028 - mmseg - INFO - Iter [159250/160000] lr: 9.388e-08, eta: 0:04:29, time: 0.357, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0912, decode.acc_seg: 76.8403, aux.loss_ce: 0.0422, aux.acc_seg: 76.3749, loss: 0.1334 2022-03-01 18:37:41,678 - mmseg - INFO - Iter [159300/160000] lr: 8.763e-08, eta: 0:04:11, time: 0.353, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0932, decode.acc_seg: 77.3203, aux.loss_ce: 0.0433, aux.acc_seg: 76.8038, loss: 0.1365 2022-03-01 18:37:59,357 - mmseg - INFO - Iter [159350/160000] lr: 8.137e-08, eta: 0:03:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0931, decode.acc_seg: 78.9934, aux.loss_ce: 0.0432, aux.acc_seg: 78.5134, loss: 0.1363 2022-03-01 18:38:17,076 - mmseg - INFO - Iter [159400/160000] lr: 7.513e-08, eta: 0:03:35, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0893, decode.acc_seg: 78.5447, aux.loss_ce: 0.0414, aux.acc_seg: 78.0831, loss: 0.1307 2022-03-01 18:38:34,801 - mmseg - INFO - Iter [159450/160000] lr: 6.887e-08, eta: 0:03:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0871, decode.acc_seg: 76.5142, aux.loss_ce: 0.0402, aux.acc_seg: 76.0868, loss: 0.1273 2022-03-01 18:38:52,689 - mmseg - INFO - Iter [159500/160000] lr: 6.263e-08, eta: 0:02:59, time: 0.358, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0864, decode.acc_seg: 76.9570, aux.loss_ce: 0.0400, aux.acc_seg: 76.5244, loss: 0.1264 2022-03-01 18:39:10,445 - mmseg - INFO - Iter [159550/160000] lr: 5.637e-08, eta: 0:02:41, time: 0.355, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0976, decode.acc_seg: 78.0243, aux.loss_ce: 0.0452, aux.acc_seg: 77.5400, loss: 0.1428 2022-03-01 18:39:28,384 - mmseg - INFO - Iter [159600/160000] lr: 5.013e-08, eta: 0:02:23, time: 0.359, data_time: 0.006, memory: 49013, decode.loss_ce: 0.0923, decode.acc_seg: 77.4045, aux.loss_ce: 0.0429, aux.acc_seg: 76.9442, loss: 0.1352 2022-03-01 18:39:46,199 - mmseg - INFO - Iter [159650/160000] lr: 4.387e-08, eta: 0:02:05, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0940, decode.acc_seg: 77.2078, aux.loss_ce: 0.0436, aux.acc_seg: 76.7323, loss: 0.1375 2022-03-01 18:40:03,975 - mmseg - INFO - Iter [159700/160000] lr: 3.762e-08, eta: 0:01:47, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0943, decode.acc_seg: 77.4499, aux.loss_ce: 0.0435, aux.acc_seg: 76.9701, loss: 0.1378 2022-03-01 18:40:21,597 - mmseg - INFO - Iter [159750/160000] lr: 3.138e-08, eta: 0:01:29, time: 0.352, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0894, decode.acc_seg: 77.3989, aux.loss_ce: 0.0415, aux.acc_seg: 76.9328, loss: 0.1309 2022-03-01 18:40:39,462 - mmseg - INFO - Iter [159800/160000] lr: 2.512e-08, eta: 0:01:11, time: 0.357, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0929, decode.acc_seg: 77.8064, aux.loss_ce: 0.0433, aux.acc_seg: 77.3399, loss: 0.1363 2022-03-01 18:40:57,176 - mmseg - INFO - Iter [159850/160000] lr: 1.888e-08, eta: 0:00:53, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0916, decode.acc_seg: 77.4696, aux.loss_ce: 0.0424, aux.acc_seg: 77.0224, loss: 0.1340 2022-03-01 18:41:14,968 - mmseg - INFO - Iter [159900/160000] lr: 1.262e-08, eta: 0:00:35, time: 0.356, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 78.4364, aux.loss_ce: 0.0439, aux.acc_seg: 77.9875, loss: 0.1381 2022-03-01 18:41:32,679 - mmseg - INFO - Iter [159950/160000] lr: 6.375e-09, eta: 0:00:17, time: 0.354, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0900, decode.acc_seg: 77.6411, aux.loss_ce: 0.0415, aux.acc_seg: 77.1942, loss: 0.1315 2022-03-01 18:41:50,568 - mmseg - INFO - Saving checkpoint at 160000 iterations 2022-03-01 18:41:57,562 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:41:57,563 - mmseg - INFO - Iter [160000/160000] lr: 1.250e-10, eta: 0:00:00, time: 0.498, data_time: 0.005, memory: 49013, decode.loss_ce: 0.0942, decode.acc_seg: 78.9760, aux.loss_ce: 0.0434, aux.acc_seg: 78.5117, loss: 0.1375 2022-03-01 18:42:26,137 - mmseg - INFO - per class results: 2022-03-01 18:42:26,143 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.93 | 89.37 | | building | 83.76 | 93.42 | | sky | 94.79 | 97.63 | | floor | 82.21 | 92.49 | | tree | 75.28 | 89.23 | | ceiling | 86.3 | 93.97 | | road | 85.64 | 92.16 | | bed | 91.5 | 96.74 | | windowpane | 62.97 | 79.51 | | grass | 68.28 | 84.1 | | cabinet | 66.2 | 79.06 | | sidewalk | 70.72 | 83.46 | | person | 83.1 | 93.82 | | earth | 36.71 | 49.37 | | door | 51.92 | 64.78 | | table | 65.77 | 78.82 | | mountain | 58.42 | 73.03 | | plant | 49.54 | 59.47 | | curtain | 75.5 | 86.69 | | chair | 63.01 | 75.78 | | car | 86.09 | 93.52 | | water | 61.3 | 81.12 | | painting | 77.02 | 89.67 | | sofa | 71.48 | 85.2 | | shelf | 46.15 | 64.08 | | house | 52.08 | 66.88 | | sea | 61.14 | 71.8 | | mirror | 73.05 | 80.76 | | rug | 55.37 | 62.52 | | field | 26.67 | 43.79 | | armchair | 49.21 | 68.83 | | seat | 61.97 | 86.97 | | fence | 47.18 | 62.19 | | desk | 56.81 | 75.77 | | rock | 40.78 | 60.87 | | wardrobe | 53.37 | 64.76 | | lamp | 69.41 | 80.22 | | bathtub | 82.53 | 86.17 | | railing | 39.0 | 52.74 | | cushion | 63.0 | 77.38 | | base | 33.87 | 52.68 | | box | 33.69 | 43.41 | | column | 49.86 | 58.82 | | signboard | 39.25 | 52.16 | | chest of drawers | 43.93 | 58.34 | | counter | 33.5 | 45.04 | | sand | 57.38 | 80.69 | | sink | 81.04 | 88.16 | | skyscraper | 49.88 | 61.42 | | fireplace | 77.12 | 91.73 | | refrigerator | 76.33 | 82.39 | | grandstand | 47.92 | 78.92 | | path | 26.73 | 36.17 | | stairs | 29.4 | 38.85 | | runway | 66.03 | 85.7 | | case | 57.56 | 71.87 | | pool table | 94.21 | 97.7 | | pillow | 58.31 | 65.1 | | screen door | 75.5 | 78.28 | | stairway | 34.76 | 43.07 | | river | 12.74 | 26.27 | | bridge | 54.23 | 60.04 | | bookcase | 48.36 | 70.84 | | blind | 39.8 | 42.89 | | coffee table | 61.46 | 83.87 | | toilet | 87.96 | 92.25 | | flower | 43.92 | 60.14 | | book | 52.7 | 72.89 | | hill | 17.2 | 25.34 | | bench | 46.62 | 52.41 | | countertop | 64.77 | 81.28 | | stove | 82.1 | 85.83 | | palm | 55.47 | 75.15 | | kitchen island | 43.68 | 81.81 | | computer | 78.9 | 89.12 | | swivel chair | 41.61 | 57.56 | | boat | 45.77 | 53.11 | | bar | 40.45 | 50.03 | | arcade machine | 77.89 | 81.98 | | hovel | 11.11 | 11.41 | | bus | 92.08 | 96.96 | | towel | 70.06 | 81.72 | | light | 56.04 | 64.42 | | truck | 31.91 | 37.46 | | tower | 4.71 | 7.78 | | chandelier | 69.17 | 82.13 | | awning | 38.39 | 46.01 | | streetlight | 34.04 | 42.79 | | booth | 58.22 | 68.79 | | television receiver | 76.96 | 86.82 | | airplane | 68.33 | 74.88 | | dirt track | 1.27 | 4.71 | | apparel | 44.19 | 53.93 | | pole | 27.17 | 37.12 | | land | 2.77 | 4.08 | | bannister | 17.28 | 21.88 | | escalator | 43.11 | 58.37 | | ottoman | 52.49 | 66.73 | | bottle | 39.56 | 65.46 | | buffet | 55.17 | 62.66 | | poster | 32.87 | 42.91 | | stage | 26.75 | 35.78 | | van | 41.91 | 60.0 | | ship | 26.16 | 39.15 | | fountain | 26.23 | 26.53 | | conveyer belt | 79.15 | 92.42 | | canopy | 26.53 | 31.21 | | washer | 83.79 | 86.25 | | plaything | 28.78 | 40.24 | | swimming pool | 76.18 | 77.45 | | stool | 49.88 | 67.06 | | barrel | 39.26 | 74.76 | | basket | 41.7 | 55.03 | | waterfall | 72.47 | 85.29 | | tent | 82.93 | 98.56 | | bag | 16.48 | 18.27 | | minibike | 74.74 | 88.91 | | cradle | 83.72 | 96.31 | | oven | 50.49 | 60.3 | | ball | 53.02 | 56.68 | | food | 57.3 | 66.24 | | step | 7.37 | 8.54 | | tank | 63.05 | 66.16 | | trade name | 29.5 | 33.56 | | microwave | 87.35 | 94.38 | | pot | 46.72 | 55.13 | | animal | 56.76 | 58.08 | | bicycle | 60.39 | 79.35 | | lake | 63.33 | 63.67 | | dishwasher | 70.52 | 79.13 | | screen | 56.09 | 71.8 | | blanket | 18.32 | 20.46 | | sculpture | 70.16 | 84.42 | | hood | 68.59 | 73.74 | | sconce | 52.62 | 62.44 | | vase | 43.71 | 61.38 | | traffic light | 36.64 | 55.09 | | tray | 21.26 | 26.56 | | ashcan | 40.2 | 55.85 | | fan | 69.92 | 80.7 | | pier | 31.53 | 45.16 | | crt screen | 8.66 | 13.69 | | plate | 58.16 | 72.86 | | monitor | 65.92 | 78.85 | | bulletin board | 43.07 | 48.5 | | shower | 12.41 | 13.61 | | radiator | 69.43 | 77.55 | | glass | 17.52 | 18.66 | | clock | 43.45 | 49.8 | | flag | 67.49 | 73.33 | +---------------------+-------+-------+ 2022-03-01 18:42:26,143 - mmseg - INFO - Summary: 2022-03-01 18:42:26,143 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 84.62 | 53.41 | 64.4 | +-------+-------+------+ 2022-03-01 18:42:26,149 - mmseg - INFO - Exp name: upernet_vit_large_22k_adptor_1113_512_ade20k_160k.py 2022-03-01 18:42:26,150 - mmseg - INFO - Iter(val) [250] aAcc: 0.8462, mIoU: 0.5341, mAcc: 0.6440, IoU.wall: 0.7993, IoU.building: 0.8376, IoU.sky: 0.9479, IoU.floor: 0.8221, IoU.tree: 0.7528, IoU.ceiling: 0.8630, IoU.road: 0.8564, IoU.bed : 0.9150, IoU.windowpane: 0.6297, IoU.grass: 0.6828, IoU.cabinet: 0.6620, IoU.sidewalk: 0.7072, IoU.person: 0.8310, IoU.earth: 0.3671, IoU.door: 0.5192, IoU.table: 0.6577, IoU.mountain: 0.5842, IoU.plant: 0.4954, IoU.curtain: 0.7550, IoU.chair: 0.6301, IoU.car: 0.8609, IoU.water: 0.6130, IoU.painting: 0.7702, IoU.sofa: 0.7148, IoU.shelf: 0.4615, IoU.house: 0.5208, IoU.sea: 0.6114, IoU.mirror: 0.7305, IoU.rug: 0.5537, IoU.field: 0.2667, IoU.armchair: 0.4921, IoU.seat: 0.6197, IoU.fence: 0.4718, IoU.desk: 0.5681, IoU.rock: 0.4078, IoU.wardrobe: 0.5337, IoU.lamp: 0.6941, IoU.bathtub: 0.8253, IoU.railing: 0.3900, IoU.cushion: 0.6300, IoU.base: 0.3387, IoU.box: 0.3369, IoU.column: 0.4986, IoU.signboard: 0.3925, IoU.chest of drawers: 0.4393, IoU.counter: 0.3350, IoU.sand: 0.5738, IoU.sink: 0.8104, IoU.skyscraper: 0.4988, IoU.fireplace: 0.7712, IoU.refrigerator: 0.7633, IoU.grandstand: 0.4792, IoU.path: 0.2673, IoU.stairs: 0.2940, IoU.runway: 0.6603, IoU.case: 0.5756, IoU.pool table: 0.9421, IoU.pillow: 0.5831, IoU.screen door: 0.7550, IoU.stairway: 0.3476, IoU.river: 0.1274, IoU.bridge: 0.5423, IoU.bookcase: 0.4836, IoU.blind: 0.3980, IoU.coffee table: 0.6146, IoU.toilet: 0.8796, IoU.flower: 0.4392, IoU.book: 0.5270, IoU.hill: 0.1720, IoU.bench: 0.4662, IoU.countertop: 0.6477, IoU.stove: 0.8210, IoU.palm: 0.5547, IoU.kitchen island: 0.4368, IoU.computer: 0.7890, IoU.swivel chair: 0.4161, IoU.boat: 0.4577, IoU.bar: 0.4045, IoU.arcade machine: 0.7789, IoU.hovel: 0.1111, IoU.bus: 0.9208, IoU.towel: 0.7006, IoU.light: 0.5604, IoU.truck: 0.3191, IoU.tower: 0.0471, IoU.chandelier: 0.6917, IoU.awning: 0.3839, IoU.streetlight: 0.3404, IoU.booth: 0.5822, IoU.television receiver: 0.7696, IoU.airplane: 0.6833, IoU.dirt track: 0.0127, IoU.apparel: 0.4419, IoU.pole: 0.2717, IoU.land: 0.0277, IoU.bannister: 0.1728, IoU.escalator: 0.4311, IoU.ottoman: 0.5249, IoU.bottle: 0.3956, IoU.buffet: 0.5517, IoU.poster: 0.3287, IoU.stage: 0.2675, IoU.van: 0.4191, IoU.ship: 0.2616, IoU.fountain: 0.2623, IoU.conveyer belt: 0.7915, IoU.canopy: 0.2653, IoU.washer: 0.8379, IoU.plaything: 0.2878, IoU.swimming pool: 0.7618, IoU.stool: 0.4988, IoU.barrel: 0.3926, IoU.basket: 0.4170, IoU.waterfall: 0.7247, IoU.tent: 0.8293, IoU.bag: 0.1648, IoU.minibike: 0.7474, IoU.cradle: 0.8372, IoU.oven: 0.5049, IoU.ball: 0.5302, IoU.food: 0.5730, IoU.step: 0.0737, IoU.tank: 0.6305, IoU.trade name: 0.2950, IoU.microwave: 0.8735, IoU.pot: 0.4672, IoU.animal: 0.5676, IoU.bicycle: 0.6039, IoU.lake: 0.6333, IoU.dishwasher: 0.7052, IoU.screen: 0.5609, IoU.blanket: 0.1832, IoU.sculpture: 0.7016, IoU.hood: 0.6859, IoU.sconce: 0.5262, IoU.vase: 0.4371, IoU.traffic light: 0.3664, IoU.tray: 0.2126, IoU.ashcan: 0.4020, IoU.fan: 0.6992, IoU.pier: 0.3153, IoU.crt screen: 0.0866, IoU.plate: 0.5816, IoU.monitor: 0.6592, IoU.bulletin board: 0.4307, IoU.shower: 0.1241, IoU.radiator: 0.6943, IoU.glass: 0.1752, IoU.clock: 0.4345, IoU.flag: 0.6749, Acc.wall: 0.8937, Acc.building: 0.9342, Acc.sky: 0.9763, Acc.floor: 0.9249, Acc.tree: 0.8923, Acc.ceiling: 0.9397, Acc.road: 0.9216, Acc.bed : 0.9674, Acc.windowpane: 0.7951, Acc.grass: 0.8410, Acc.cabinet: 0.7906, Acc.sidewalk: 0.8346, Acc.person: 0.9382, Acc.earth: 0.4937, Acc.door: 0.6478, Acc.table: 0.7882, Acc.mountain: 0.7303, Acc.plant: 0.5947, Acc.curtain: 0.8669, Acc.chair: 0.7578, Acc.car: 0.9352, Acc.water: 0.8112, Acc.painting: 0.8967, Acc.sofa: 0.8520, Acc.shelf: 0.6408, Acc.house: 0.6688, Acc.sea: 0.7180, Acc.mirror: 0.8076, Acc.rug: 0.6252, Acc.field: 0.4379, Acc.armchair: 0.6883, Acc.seat: 0.8697, Acc.fence: 0.6219, Acc.desk: 0.7577, Acc.rock: 0.6087, Acc.wardrobe: 0.6476, Acc.lamp: 0.8022, Acc.bathtub: 0.8617, Acc.railing: 0.5274, Acc.cushion: 0.7738, Acc.base: 0.5268, Acc.box: 0.4341, Acc.column: 0.5882, Acc.signboard: 0.5216, Acc.chest of drawers: 0.5834, Acc.counter: 0.4504, Acc.sand: 0.8069, Acc.sink: 0.8816, Acc.skyscraper: 0.6142, Acc.fireplace: 0.9173, Acc.refrigerator: 0.8239, Acc.grandstand: 0.7892, Acc.path: 0.3617, Acc.stairs: 0.3885, Acc.runway: 0.8570, Acc.case: 0.7187, Acc.pool table: 0.9770, Acc.pillow: 0.6510, Acc.screen door: 0.7828, Acc.stairway: 0.4307, Acc.river: 0.2627, Acc.bridge: 0.6004, Acc.bookcase: 0.7084, Acc.blind: 0.4289, Acc.coffee table: 0.8387, Acc.toilet: 0.9225, Acc.flower: 0.6014, Acc.book: 0.7289, Acc.hill: 0.2534, Acc.bench: 0.5241, Acc.countertop: 0.8128, Acc.stove: 0.8583, Acc.palm: 0.7515, Acc.kitchen island: 0.8181, Acc.computer: 0.8912, Acc.swivel chair: 0.5756, Acc.boat: 0.5311, Acc.bar: 0.5003, Acc.arcade machine: 0.8198, Acc.hovel: 0.1141, Acc.bus: 0.9696, Acc.towel: 0.8172, Acc.light: 0.6442, Acc.truck: 0.3746, Acc.tower: 0.0778, Acc.chandelier: 0.8213, Acc.awning: 0.4601, Acc.streetlight: 0.4279, Acc.booth: 0.6879, Acc.television receiver: 0.8682, Acc.airplane: 0.7488, Acc.dirt track: 0.0471, Acc.apparel: 0.5393, Acc.pole: 0.3712, Acc.land: 0.0408, Acc.bannister: 0.2188, Acc.escalator: 0.5837, Acc.ottoman: 0.6673, Acc.bottle: 0.6546, Acc.buffet: 0.6266, Acc.poster: 0.4291, Acc.stage: 0.3578, Acc.van: 0.6000, Acc.ship: 0.3915, Acc.fountain: 0.2653, Acc.conveyer belt: 0.9242, Acc.canopy: 0.3121, Acc.washer: 0.8625, Acc.plaything: 0.4024, Acc.swimming pool: 0.7745, Acc.stool: 0.6706, Acc.barrel: 0.7476, Acc.basket: 0.5503, Acc.waterfall: 0.8529, Acc.tent: 0.9856, Acc.bag: 0.1827, Acc.minibike: 0.8891, Acc.cradle: 0.9631, Acc.oven: 0.6030, Acc.ball: 0.5668, Acc.food: 0.6624, Acc.step: 0.0854, Acc.tank: 0.6616, Acc.trade name: 0.3356, Acc.microwave: 0.9438, Acc.pot: 0.5513, Acc.animal: 0.5808, Acc.bicycle: 0.7935, Acc.lake: 0.6367, Acc.dishwasher: 0.7913, Acc.screen: 0.7180, Acc.blanket: 0.2046, Acc.sculpture: 0.8442, Acc.hood: 0.7374, Acc.sconce: 0.6244, Acc.vase: 0.6138, Acc.traffic light: 0.5509, Acc.tray: 0.2656, Acc.ashcan: 0.5585, Acc.fan: 0.8070, Acc.pier: 0.4516, Acc.crt screen: 0.1369, Acc.plate: 0.7286, Acc.monitor: 0.7885, Acc.bulletin board: 0.4850, Acc.shower: 0.1361, Acc.radiator: 0.7755, Acc.glass: 0.1866, Acc.clock: 0.4980, Acc.flag: 0.7333