2023-11-13 16:57:46,726 - mmseg - INFO - Multi-processing start method is `None` 2023-11-13 16:57:46,732 - mmseg - INFO - OpenCV num_threads is `128 2023-11-13 16:57:46,732 - mmseg - INFO - OMP num threads is 1 2023-11-13 16:57:46,919 - mmseg - INFO - Environment info: ------------------------------------------------------------ sys.platform: linux Python: 3.8.17 (default, Jul 5 2023, 21:04:15) [GCC 11.2.0] CUDA available: True GPU 0,1,2,3,4,5,6,7: NVIDIA A100-SXM4-80GB CUDA_HOME: /mnt/petrelfs/share/cuda-11.3 NVCC: Cuda compilation tools, release 11.3, V11.3.109 GCC: gcc (GCC) 7.5.0 PyTorch: 1.12.0 PyTorch compiling details: PyTorch built with: - GCC 9.3 - C++ Version: 201402 - Intel(R) oneAPI Math Kernel Library Version 2023.1-Product Build 20230303 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.6.0 (Git Hash 52b5f107dd9cf10910aaa19cb47f3abf9b349815) - OpenMP 201511 (a.k.a. OpenMP 4.5) - LAPACK is enabled (usually provided by MKL) - NNPACK is enabled - CPU capability usage: AVX2 - CUDA Runtime 11.3 - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_37,code=compute_37 - CuDNN 8.3.2 (built against CUDA 11.5) - Magma 2.5.2 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.3.2, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -DEDGE_PROFILER_USE_KINETO -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Werror=cast-function-type -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.12.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=OFF, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, TorchVision: 0.13.0 OpenCV: 4.8.0 MMCV: 1.5.0 MMCV Compiler: GCC 7.5 MMCV CUDA Compiler: 11.3 MMSegmentation: 0.27.0+a85a748 ------------------------------------------------------------ 2023-11-13 16:57:46,919 - mmseg - INFO - Distributed training: True 2023-11-13 16:57:47,178 - mmseg - INFO - Config: norm_cfg = dict(type='SyncBN', requires_grad=True) model = dict( type='EncoderDecoder', pretrained='open-mmlab://resnet50_v1c', backbone=dict( type='Flash_InternImage_nsmx2', core_op='FlashDCNv3', channels=160, depths=[5, 5, 22, 5], groups=[10, 20, 40, 80], mlp_ratio=4.0, drop_path_rate=0.4, norm_layer='LN', layer_scale=1.0, offset_scale=2.0, post_norm=True, with_cp=False, op_bias=True, out_indices=(0, 1, 2, 3), init_cfg=dict( type='Pretrained', checkpoint='/mnt/petrelfs/lizhiqi/flash_intern_l_wd_nsmx.pth')), decode_head=dict( type='UPerHead', in_channels=[160, 320, 640, 1280], 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=640, 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='whole')) dataset_type = 'ADE20KDataset' data_root = 'data/ADEChallengeData2016' img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) crop_size = (640, 640) train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2560, 640), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(640, 640), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(640, 640), 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=(2560, 640), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=32), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ] data = dict( samples_per_gpu=2, workers_per_gpu=4, train=dict( type='ADE20KDataset', data_root='data/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=(2560, 640), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(640, 640), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(640, 640), 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/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2560, 640), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=32), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ]), test=dict( type='ADE20KDataset', data_root='data/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2560, 640), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='ResizeToMultiple', size_divisor=32), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ])) log_config = dict( interval=50, hooks=[dict(type='TextLoggerHook', by_epoch=False)]) 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, constructor='CustomLayerDecayOptimizerConstructor', paramwise_cfg=dict( num_layers=37, layer_decay_rate=0.94, depths=[5, 5, 22, 5], offset_lr_scale=1.0)) optimizer_config = dict(grad_clip=dict(max_norm=0.1, norm_type=2)) 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=1000, max_keep_ckpts=1) evaluation = dict( interval=16000, metric='mIoU', pre_eval=True, save_best='mIoU') pretrained = '/mnt/petrelfs/lizhiqi/flash_intern_l_wd_nsmx.pth' work_dir = './work_dirs/upernet_flash_internimage_l_640_160k_ade20k' gpu_ids = range(0, 8) auto_resume = False 2023-11-13 16:57:51,828 - mmseg - INFO - Set random seed to 1905221438, deterministic: False 2023-11-13 16:57:51,828 - mmseg - INFO - using core type: FlashDCNv3 2023-11-13 16:57:51,828 - mmseg - INFO - using activation layer: GELU 2023-11-13 16:57:51,828 - mmseg - INFO - using main norm layer: LN 2023-11-13 16:57:51,828 - mmseg - INFO - using dpr: linear, 0.4 2023-11-13 16:57:51,828 - mmseg - INFO - level2_post_norm: False 2023-11-13 16:57:51,828 - mmseg - INFO - level2_post_norm_block_ids: None 2023-11-13 16:57:51,828 - mmseg - INFO - res_post_norm: False 2023-11-13 16:57:55,537 - mmseg - INFO - load checkpoint from local path: /mnt/petrelfs/lizhiqi/flash_intern_l_wd_nsmx.pth 2023-11-13 16:57:58,006 - mmseg - INFO - _IncompatibleKeys(missing_keys=[], unexpected_keys=['conv_head.0.weight', 'conv_head.1.0.weight', 'conv_head.1.0.bias', 'conv_head.1.0.running_mean', 'conv_head.1.0.running_var', 'conv_head.1.0.num_batches_tracked', 'head.weight', 'head.bias']) 2023-11-13 16:57:58,143 - mmseg - INFO - initialize UPerHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} 2023-11-13 16:57:58,299 - mmseg - INFO - initialize FCNHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} Name of parameter - Initialization information backbone.patch_embed.conv1.weight - torch.Size([80, 3, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.conv1.bias - torch.Size([80]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.norm1.1.weight - torch.Size([80]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.norm1.1.bias - torch.Size([80]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.conv2.weight - torch.Size([160, 80, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.conv2.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.norm2.1.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.patch_embed.norm2.1.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.gamma1 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.gamma2 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.norm1.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.norm1.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.offset_mask_dw.weight - torch.Size([160, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.offset_mask_dw.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.offset_mask.weight - torch.Size([270, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.offset_mask.bias - torch.Size([270]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.value_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.value_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.output_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.dcn.output_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.norm2.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.norm2.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.mlp.fc1.weight - torch.Size([640, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.mlp.fc1.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.mlp.fc2.weight - torch.Size([160, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.0.mlp.fc2.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.gamma1 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.gamma2 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.norm1.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.norm1.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.offset_mask_dw.weight - torch.Size([160, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.offset_mask_dw.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.offset_mask.weight - torch.Size([270, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.offset_mask.bias - torch.Size([270]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.value_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.value_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.output_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.dcn.output_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.norm2.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.norm2.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.mlp.fc1.weight - torch.Size([640, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.mlp.fc1.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.mlp.fc2.weight - torch.Size([160, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.1.mlp.fc2.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.gamma1 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.gamma2 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.norm1.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.norm1.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.offset_mask_dw.weight - torch.Size([160, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.offset_mask_dw.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.offset_mask.weight - torch.Size([270, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.offset_mask.bias - torch.Size([270]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.value_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.value_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.output_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.dcn.output_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.norm2.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.norm2.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.mlp.fc1.weight - torch.Size([640, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.mlp.fc1.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.mlp.fc2.weight - torch.Size([160, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.2.mlp.fc2.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.gamma1 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.gamma2 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.norm1.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.norm1.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.offset_mask_dw.weight - torch.Size([160, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.offset_mask_dw.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.offset_mask.weight - torch.Size([270, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.offset_mask.bias - torch.Size([270]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.value_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.value_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.output_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.dcn.output_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.norm2.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.norm2.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.mlp.fc1.weight - torch.Size([640, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.mlp.fc1.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.mlp.fc2.weight - torch.Size([160, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.3.mlp.fc2.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.gamma1 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.gamma2 - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.norm1.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.norm1.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.offset_mask_dw.weight - torch.Size([160, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.offset_mask_dw.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.offset_mask.weight - torch.Size([270, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.offset_mask.bias - torch.Size([270]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.value_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.value_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.output_proj.weight - torch.Size([160, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.dcn.output_proj.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.norm2.0.weight - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.norm2.0.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.mlp.fc1.weight - torch.Size([640, 160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.mlp.fc1.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.mlp.fc2.weight - torch.Size([160, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.blocks.4.mlp.fc2.bias - torch.Size([160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.downsample.conv.weight - torch.Size([320, 160, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.downsample.norm.1.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.0.downsample.norm.1.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.gamma1 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.gamma2 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.norm1.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.norm1.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.offset_mask_dw.weight - torch.Size([320, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.offset_mask_dw.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.offset_mask.weight - torch.Size([540, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.offset_mask.bias - torch.Size([540]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.value_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.value_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.output_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.dcn.output_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.norm2.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.norm2.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.mlp.fc1.weight - torch.Size([1280, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.mlp.fc1.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.mlp.fc2.weight - torch.Size([320, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.0.mlp.fc2.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.gamma1 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.gamma2 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.norm1.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.norm1.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.offset_mask_dw.weight - torch.Size([320, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.offset_mask_dw.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.offset_mask.weight - torch.Size([540, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.offset_mask.bias - torch.Size([540]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.value_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.value_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.output_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.dcn.output_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.norm2.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.norm2.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.mlp.fc1.weight - torch.Size([1280, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.mlp.fc1.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.mlp.fc2.weight - torch.Size([320, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.1.mlp.fc2.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.gamma1 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.gamma2 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.norm1.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.norm1.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.offset_mask_dw.weight - torch.Size([320, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.offset_mask_dw.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.offset_mask.weight - torch.Size([540, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.offset_mask.bias - torch.Size([540]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.value_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.value_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.output_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.dcn.output_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.norm2.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.norm2.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.mlp.fc1.weight - torch.Size([1280, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.mlp.fc1.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.mlp.fc2.weight - torch.Size([320, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.2.mlp.fc2.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.gamma1 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.gamma2 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.norm1.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.norm1.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.offset_mask_dw.weight - torch.Size([320, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.offset_mask_dw.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.offset_mask.weight - torch.Size([540, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.offset_mask.bias - torch.Size([540]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.value_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.value_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.output_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.dcn.output_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.norm2.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.norm2.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.mlp.fc1.weight - torch.Size([1280, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.mlp.fc1.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.mlp.fc2.weight - torch.Size([320, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.3.mlp.fc2.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.gamma1 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.gamma2 - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.norm1.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.norm1.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.offset_mask_dw.weight - torch.Size([320, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.offset_mask_dw.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.offset_mask.weight - torch.Size([540, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.offset_mask.bias - torch.Size([540]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.value_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.value_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.output_proj.weight - torch.Size([320, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.dcn.output_proj.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.norm2.0.weight - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.norm2.0.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.mlp.fc1.weight - torch.Size([1280, 320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.mlp.fc1.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.mlp.fc2.weight - torch.Size([320, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.blocks.4.mlp.fc2.bias - torch.Size([320]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.downsample.conv.weight - torch.Size([640, 320, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.downsample.norm.1.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.1.downsample.norm.1.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.0.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.1.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.2.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.3.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.4.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.5.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.6.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.7.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.8.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.9.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.10.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.11.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.12.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.13.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.14.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.15.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.16.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.17.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.18.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.19.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.20.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.gamma1 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.gamma2 - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.norm1.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.norm1.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.offset_mask_dw.weight - torch.Size([640, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.offset_mask_dw.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.offset_mask.weight - torch.Size([1080, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.offset_mask.bias - torch.Size([1080]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.value_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.value_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.output_proj.weight - torch.Size([640, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.dcn.output_proj.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.norm2.0.weight - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.norm2.0.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.mlp.fc1.weight - torch.Size([2560, 640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.mlp.fc1.bias - torch.Size([2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.mlp.fc2.weight - torch.Size([640, 2560]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.blocks.21.mlp.fc2.bias - torch.Size([640]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.downsample.conv.weight - torch.Size([1280, 640, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.downsample.norm.1.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.2.downsample.norm.1.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.gamma1 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.gamma2 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.norm1.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.norm1.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.offset_mask_dw.weight - torch.Size([1280, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.offset_mask_dw.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.offset_mask.weight - torch.Size([2160, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.offset_mask.bias - torch.Size([2160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.value_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.value_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.output_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.dcn.output_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.norm2.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.norm2.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.mlp.fc1.weight - torch.Size([5120, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.mlp.fc1.bias - torch.Size([5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.mlp.fc2.weight - torch.Size([1280, 5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.0.mlp.fc2.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.gamma1 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.gamma2 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.norm1.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.norm1.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.offset_mask_dw.weight - torch.Size([1280, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.offset_mask_dw.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.offset_mask.weight - torch.Size([2160, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.offset_mask.bias - torch.Size([2160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.value_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.value_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.output_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.dcn.output_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.norm2.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.norm2.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.mlp.fc1.weight - torch.Size([5120, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.mlp.fc1.bias - torch.Size([5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.mlp.fc2.weight - torch.Size([1280, 5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.1.mlp.fc2.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.gamma1 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.gamma2 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.norm1.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.norm1.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.offset_mask_dw.weight - torch.Size([1280, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.offset_mask_dw.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.offset_mask.weight - torch.Size([2160, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.offset_mask.bias - torch.Size([2160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.value_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.value_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.output_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.dcn.output_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.norm2.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.norm2.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.mlp.fc1.weight - torch.Size([5120, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.mlp.fc1.bias - torch.Size([5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.mlp.fc2.weight - torch.Size([1280, 5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.2.mlp.fc2.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.gamma1 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.gamma2 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.norm1.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.norm1.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.offset_mask_dw.weight - torch.Size([1280, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.offset_mask_dw.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.offset_mask.weight - torch.Size([2160, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.offset_mask.bias - torch.Size([2160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.value_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.value_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.output_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.dcn.output_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.norm2.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.norm2.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.mlp.fc1.weight - torch.Size([5120, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.mlp.fc1.bias - torch.Size([5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.mlp.fc2.weight - torch.Size([1280, 5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.3.mlp.fc2.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.gamma1 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.gamma2 - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.norm1.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.norm1.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.offset_mask_dw.weight - torch.Size([1280, 1, 3, 3]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.offset_mask_dw.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.offset_mask.weight - torch.Size([2160, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.offset_mask.bias - torch.Size([2160]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.value_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.value_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.output_proj.weight - torch.Size([1280, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.dcn.output_proj.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.norm2.0.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.norm2.0.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.mlp.fc1.weight - torch.Size([5120, 1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.mlp.fc1.bias - torch.Size([5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.mlp.fc2.weight - torch.Size([1280, 5120]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 backbone.levels.3.blocks.4.mlp.fc2.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in Flash_InternImage_nsmx2 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, 1280, 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, 1280, 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, 1280, 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, 1280, 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, 3328, 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, 160, 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, 320, 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, 640, 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, 640, 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 2023-11-13 16:57:59,214 - mmseg - INFO - Loaded 20210 images 2023-11-13 16:58:00,044 - mmseg - INFO - {'num_layers': 37, 'layer_decay_rate': 0.94, 'depths': [5, 5, 22, 5], 'offset_lr_scale': 1.0} 2023-11-13 16:58:00,044 - mmseg - INFO - Build CustomLayerDecayOptimizerConstructor 0.940000 - 39 2023-11-13 16:58:00,048 - mmseg - INFO - Param groups = { "layer_0_decay": { "param_names": [ "backbone.patch_embed.conv1.weight", "backbone.patch_embed.conv2.weight" ], "lr_scale": 0.09524856399210693, "lr": 1.9049712798421389e-06, "weight_decay": 0.05 }, "layer_0_no_decay": { "param_names": [ "backbone.patch_embed.conv1.bias", "backbone.patch_embed.norm1.1.weight", "backbone.patch_embed.norm1.1.bias", "backbone.patch_embed.conv2.bias", "backbone.patch_embed.norm2.1.weight", "backbone.patch_embed.norm2.1.bias" ], "lr_scale": 0.09524856399210693, "lr": 1.9049712798421389e-06, "weight_decay": 0.0 }, "layer_1_no_decay": { "param_names": [ "backbone.levels.0.blocks.0.gamma1", "backbone.levels.0.blocks.0.gamma2", "backbone.levels.0.blocks.0.norm1.0.weight", "backbone.levels.0.blocks.0.norm1.0.bias", "backbone.levels.0.blocks.0.dcn.offset_mask_dw.bias", "backbone.levels.0.blocks.0.dcn.offset_mask.bias", "backbone.levels.0.blocks.0.dcn.value_proj.bias", "backbone.levels.0.blocks.0.dcn.output_proj.bias", "backbone.levels.0.blocks.0.norm2.0.weight", "backbone.levels.0.blocks.0.norm2.0.bias", "backbone.levels.0.blocks.0.mlp.fc1.bias", "backbone.levels.0.blocks.0.mlp.fc2.bias" ], "lr_scale": 0.10132825956607122, "lr": 2.0265651913214247e-06, "weight_decay": 0.0 }, "layer_1_decay": { "param_names": [ "backbone.levels.0.blocks.0.dcn.offset_mask_dw.weight", "backbone.levels.0.blocks.0.dcn.offset_mask.weight", "backbone.levels.0.blocks.0.dcn.value_proj.weight", "backbone.levels.0.blocks.0.dcn.output_proj.weight", "backbone.levels.0.blocks.0.mlp.fc1.weight", "backbone.levels.0.blocks.0.mlp.fc2.weight" ], "lr_scale": 0.10132825956607122, "lr": 2.0265651913214247e-06, "weight_decay": 0.05 }, "layer_2_no_decay": { "param_names": [ "backbone.levels.0.blocks.1.gamma1", "backbone.levels.0.blocks.1.gamma2", "backbone.levels.0.blocks.1.norm1.0.weight", "backbone.levels.0.blocks.1.norm1.0.bias", "backbone.levels.0.blocks.1.dcn.offset_mask_dw.bias", "backbone.levels.0.blocks.1.dcn.offset_mask.bias", "backbone.levels.0.blocks.1.dcn.value_proj.bias", "backbone.levels.0.blocks.1.dcn.output_proj.bias", "backbone.levels.0.blocks.1.norm2.0.weight", "backbone.levels.0.blocks.1.norm2.0.bias", "backbone.levels.0.blocks.1.mlp.fc1.bias", "backbone.levels.0.blocks.1.mlp.fc2.bias" ], "lr_scale": 0.10779602081496939, "lr": 2.155920416299388e-06, "weight_decay": 0.0 }, "layer_2_decay": { "param_names": [ "backbone.levels.0.blocks.1.dcn.offset_mask_dw.weight", "backbone.levels.0.blocks.1.dcn.offset_mask.weight", "backbone.levels.0.blocks.1.dcn.value_proj.weight", "backbone.levels.0.blocks.1.dcn.output_proj.weight", "backbone.levels.0.blocks.1.mlp.fc1.weight", "backbone.levels.0.blocks.1.mlp.fc2.weight" ], "lr_scale": 0.10779602081496939, "lr": 2.155920416299388e-06, "weight_decay": 0.05 }, "layer_3_no_decay": { "param_names": [ "backbone.levels.0.blocks.2.gamma1", "backbone.levels.0.blocks.2.gamma2", "backbone.levels.0.blocks.2.norm1.0.weight", "backbone.levels.0.blocks.2.norm1.0.bias", "backbone.levels.0.blocks.2.dcn.offset_mask_dw.bias", "backbone.levels.0.blocks.2.dcn.offset_mask.bias", "backbone.levels.0.blocks.2.dcn.value_proj.bias", "backbone.levels.0.blocks.2.dcn.output_proj.bias", "backbone.levels.0.blocks.2.norm2.0.weight", "backbone.levels.0.blocks.2.norm2.0.bias", "backbone.levels.0.blocks.2.mlp.fc1.bias", "backbone.levels.0.blocks.2.mlp.fc2.bias" ], "lr_scale": 0.11467661788826532, "lr": 2.2935323577653067e-06, "weight_decay": 0.0 }, "layer_3_decay": { "param_names": [ "backbone.levels.0.blocks.2.dcn.offset_mask_dw.weight", "backbone.levels.0.blocks.2.dcn.offset_mask.weight", "backbone.levels.0.blocks.2.dcn.value_proj.weight", "backbone.levels.0.blocks.2.dcn.output_proj.weight", "backbone.levels.0.blocks.2.mlp.fc1.weight", "backbone.levels.0.blocks.2.mlp.fc2.weight" ], "lr_scale": 0.11467661788826532, "lr": 2.2935323577653067e-06, "weight_decay": 0.05 }, "layer_4_no_decay": { "param_names": [ "backbone.levels.0.blocks.3.gamma1", "backbone.levels.0.blocks.3.gamma2", "backbone.levels.0.blocks.3.norm1.0.weight", "backbone.levels.0.blocks.3.norm1.0.bias", "backbone.levels.0.blocks.3.dcn.offset_mask_dw.bias", "backbone.levels.0.blocks.3.dcn.offset_mask.bias", "backbone.levels.0.blocks.3.dcn.value_proj.bias", "backbone.levels.0.blocks.3.dcn.output_proj.bias", "backbone.levels.0.blocks.3.norm2.0.weight", "backbone.levels.0.blocks.3.norm2.0.bias", "backbone.levels.0.blocks.3.mlp.fc1.bias", "backbone.levels.0.blocks.3.mlp.fc2.bias" ], "lr_scale": 0.12199640200879289, "lr": 2.439928040175858e-06, "weight_decay": 0.0 }, "layer_4_decay": { "param_names": [ "backbone.levels.0.blocks.3.dcn.offset_mask_dw.weight", "backbone.levels.0.blocks.3.dcn.offset_mask.weight", "backbone.levels.0.blocks.3.dcn.value_proj.weight", "backbone.levels.0.blocks.3.dcn.output_proj.weight", "backbone.levels.0.blocks.3.mlp.fc1.weight", "backbone.levels.0.blocks.3.mlp.fc2.weight" ], "lr_scale": 0.12199640200879289, "lr": 2.439928040175858e-06, "weight_decay": 0.05 }, "layer_5_no_decay": { "param_names": [ "backbone.levels.0.blocks.4.gamma1", "backbone.levels.0.blocks.4.gamma2", "backbone.levels.0.blocks.4.norm1.0.weight", "backbone.levels.0.blocks.4.norm1.0.bias", "backbone.levels.0.blocks.4.dcn.offset_mask_dw.bias", "backbone.levels.0.blocks.4.dcn.offset_mask.bias", "backbone.levels.0.blocks.4.dcn.value_proj.bias", "backbone.levels.0.blocks.4.dcn.output_proj.bias", "backbone.levels.0.blocks.4.norm2.0.weight", "backbone.levels.0.blocks.4.norm2.0.bias", "backbone.levels.0.blocks.4.mlp.fc1.bias", "backbone.levels.0.blocks.4.mlp.fc2.bias" ], "lr_scale": 0.12978340639233288, "lr": 2.595668127846658e-06, "weight_decay": 0.0 }, "layer_5_decay": { "param_names": [ "backbone.levels.0.blocks.4.dcn.offset_mask_dw.weight", "backbone.levels.0.blocks.4.dcn.offset_mask.weight", "backbone.levels.0.blocks.4.dcn.value_proj.weight", "backbone.levels.0.blocks.4.dcn.output_proj.weight", "backbone.levels.0.blocks.4.mlp.fc1.weight", "backbone.levels.0.blocks.4.mlp.fc2.weight" ], "lr_scale": 0.12978340639233288, "lr": 2.595668127846658e-06, "weight_decay": 0.05 }, "layer_6_decay": { "param_names": [ "backbone.levels.0.downsample.conv.weight", "backbone.levels.1.blocks.0.dcn.offset_mask_dw.weight", "backbone.levels.1.blocks.0.dcn.offset_mask.weight", "backbone.levels.1.blocks.0.dcn.value_proj.weight", "backbone.levels.1.blocks.0.dcn.output_proj.weight", "backbone.levels.1.blocks.0.mlp.fc1.weight", "backbone.levels.1.blocks.0.mlp.fc2.weight" ], "lr_scale": 0.13806745360886477, "lr": 2.7613490721772957e-06, "weight_decay": 0.05 }, "layer_6_no_decay": { "param_names": [ "backbone.levels.0.downsample.norm.1.weight", "backbone.levels.0.downsample.norm.1.bias", "backbone.levels.1.blocks.0.gamma1", "backbone.levels.1.blocks.0.gamma2", "backbone.levels.1.blocks.0.norm1.0.weight", "backbone.levels.1.blocks.0.norm1.0.bias", "backbone.levels.1.blocks.0.dcn.offset_mask_dw.bias", "backbone.levels.1.blocks.0.dcn.offset_mask.bias", "backbone.levels.1.blocks.0.dcn.value_proj.bias", "backbone.levels.1.blocks.0.dcn.output_proj.bias", "backbone.levels.1.blocks.0.norm2.0.weight", "backbone.levels.1.blocks.0.norm2.0.bias", "backbone.levels.1.blocks.0.mlp.fc1.bias", "backbone.levels.1.blocks.0.mlp.fc2.bias" ], "lr_scale": 0.13806745360886477, "lr": 2.7613490721772957e-06, "weight_decay": 0.0 }, "layer_7_no_decay": { "param_names": [ "backbone.levels.1.blocks.1.gamma1", "backbone.levels.1.blocks.1.gamma2", "backbone.levels.1.blocks.1.norm1.0.weight", "backbone.levels.1.blocks.1.norm1.0.bias", "backbone.levels.1.blocks.1.dcn.offset_mask_dw.bias", "backbone.levels.1.blocks.1.dcn.offset_mask.bias", "backbone.levels.1.blocks.1.dcn.value_proj.bias", "backbone.levels.1.blocks.1.dcn.output_proj.bias", "backbone.levels.1.blocks.1.norm2.0.weight", "backbone.levels.1.blocks.1.norm2.0.bias", "backbone.levels.1.blocks.1.mlp.fc1.bias", "backbone.levels.1.blocks.1.mlp.fc2.bias" ], "lr_scale": 0.14688026979666466, "lr": 2.9376053959332933e-06, "weight_decay": 0.0 }, "layer_7_decay": { "param_names": [ "backbone.levels.1.blocks.1.dcn.offset_mask_dw.weight", "backbone.levels.1.blocks.1.dcn.offset_mask.weight", "backbone.levels.1.blocks.1.dcn.value_proj.weight", "backbone.levels.1.blocks.1.dcn.output_proj.weight", "backbone.levels.1.blocks.1.mlp.fc1.weight", "backbone.levels.1.blocks.1.mlp.fc2.weight" ], "lr_scale": 0.14688026979666466, "lr": 2.9376053959332933e-06, "weight_decay": 0.05 }, "layer_8_no_decay": { "param_names": [ "backbone.levels.1.blocks.2.gamma1", "backbone.levels.1.blocks.2.gamma2", "backbone.levels.1.blocks.2.norm1.0.weight", "backbone.levels.1.blocks.2.norm1.0.bias", "backbone.levels.1.blocks.2.dcn.offset_mask_dw.bias", "backbone.levels.1.blocks.2.dcn.offset_mask.bias", "backbone.levels.1.blocks.2.dcn.value_proj.bias", "backbone.levels.1.blocks.2.dcn.output_proj.bias", "backbone.levels.1.blocks.2.norm2.0.weight", "backbone.levels.1.blocks.2.norm2.0.bias", "backbone.levels.1.blocks.2.mlp.fc1.bias", "backbone.levels.1.blocks.2.mlp.fc2.bias" ], "lr_scale": 0.15625560616666453, "lr": 3.125112123333291e-06, "weight_decay": 0.0 }, "layer_8_decay": { "param_names": [ "backbone.levels.1.blocks.2.dcn.offset_mask_dw.weight", "backbone.levels.1.blocks.2.dcn.offset_mask.weight", "backbone.levels.1.blocks.2.dcn.value_proj.weight", "backbone.levels.1.blocks.2.dcn.output_proj.weight", "backbone.levels.1.blocks.2.mlp.fc1.weight", "backbone.levels.1.blocks.2.mlp.fc2.weight" ], "lr_scale": 0.15625560616666453, "lr": 3.125112123333291e-06, "weight_decay": 0.05 }, "layer_9_no_decay": { "param_names": [ "backbone.levels.1.blocks.3.gamma1", "backbone.levels.1.blocks.3.gamma2", "backbone.levels.1.blocks.3.norm1.0.weight", "backbone.levels.1.blocks.3.norm1.0.bias", "backbone.levels.1.blocks.3.dcn.offset_mask_dw.bias", "backbone.levels.1.blocks.3.dcn.offset_mask.bias", "backbone.levels.1.blocks.3.dcn.value_proj.bias", "backbone.levels.1.blocks.3.dcn.output_proj.bias", "backbone.levels.1.blocks.3.norm2.0.weight", "backbone.levels.1.blocks.3.norm2.0.bias", "backbone.levels.1.blocks.3.mlp.fc1.bias", "backbone.levels.1.blocks.3.mlp.fc2.bias" ], "lr_scale": 0.16622936826240908, "lr": 3.324587365248182e-06, "weight_decay": 0.0 }, "layer_9_decay": { "param_names": [ "backbone.levels.1.blocks.3.dcn.offset_mask_dw.weight", "backbone.levels.1.blocks.3.dcn.offset_mask.weight", "backbone.levels.1.blocks.3.dcn.value_proj.weight", "backbone.levels.1.blocks.3.dcn.output_proj.weight", "backbone.levels.1.blocks.3.mlp.fc1.weight", "backbone.levels.1.blocks.3.mlp.fc2.weight" ], "lr_scale": 0.16622936826240908, "lr": 3.324587365248182e-06, "weight_decay": 0.05 }, "layer_10_no_decay": { "param_names": [ "backbone.levels.1.blocks.4.gamma1", "backbone.levels.1.blocks.4.gamma2", "backbone.levels.1.blocks.4.norm1.0.weight", "backbone.levels.1.blocks.4.norm1.0.bias", "backbone.levels.1.blocks.4.dcn.offset_mask_dw.bias", "backbone.levels.1.blocks.4.dcn.offset_mask.bias", "backbone.levels.1.blocks.4.dcn.value_proj.bias", "backbone.levels.1.blocks.4.dcn.output_proj.bias", "backbone.levels.1.blocks.4.norm2.0.weight", "backbone.levels.1.blocks.4.norm2.0.bias", "backbone.levels.1.blocks.4.mlp.fc1.bias", "backbone.levels.1.blocks.4.mlp.fc2.bias" ], "lr_scale": 0.17683975347064798, "lr": 3.53679506941296e-06, "weight_decay": 0.0 }, "layer_10_decay": { "param_names": [ "backbone.levels.1.blocks.4.dcn.offset_mask_dw.weight", "backbone.levels.1.blocks.4.dcn.offset_mask.weight", "backbone.levels.1.blocks.4.dcn.value_proj.weight", "backbone.levels.1.blocks.4.dcn.output_proj.weight", "backbone.levels.1.blocks.4.mlp.fc1.weight", "backbone.levels.1.blocks.4.mlp.fc2.weight" ], "lr_scale": 0.17683975347064798, "lr": 3.53679506941296e-06, "weight_decay": 0.05 }, "layer_11_decay": { "param_names": [ "backbone.levels.1.downsample.conv.weight", "backbone.levels.2.blocks.0.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.0.dcn.offset_mask.weight", "backbone.levels.2.blocks.0.dcn.value_proj.weight", "backbone.levels.2.blocks.0.dcn.output_proj.weight", "backbone.levels.2.blocks.0.mlp.fc1.weight", "backbone.levels.2.blocks.0.mlp.fc2.weight" ], "lr_scale": 0.18812739730919997, "lr": 3.7625479461839997e-06, "weight_decay": 0.05 }, "layer_11_no_decay": { "param_names": [ "backbone.levels.1.downsample.norm.1.weight", "backbone.levels.1.downsample.norm.1.bias", "backbone.levels.2.blocks.0.gamma1", "backbone.levels.2.blocks.0.gamma2", "backbone.levels.2.blocks.0.norm1.0.weight", "backbone.levels.2.blocks.0.norm1.0.bias", "backbone.levels.2.blocks.0.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.0.dcn.offset_mask.bias", "backbone.levels.2.blocks.0.dcn.value_proj.bias", "backbone.levels.2.blocks.0.dcn.output_proj.bias", "backbone.levels.2.blocks.0.norm2.0.weight", "backbone.levels.2.blocks.0.norm2.0.bias", "backbone.levels.2.blocks.0.mlp.fc1.bias", "backbone.levels.2.blocks.0.mlp.fc2.bias" ], "lr_scale": 0.18812739730919997, "lr": 3.7625479461839997e-06, "weight_decay": 0.0 }, "layer_12_no_decay": { "param_names": [ "backbone.levels.2.blocks.1.gamma1", "backbone.levels.2.blocks.1.gamma2", "backbone.levels.2.blocks.1.norm1.0.weight", "backbone.levels.2.blocks.1.norm1.0.bias", "backbone.levels.2.blocks.1.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.1.dcn.offset_mask.bias", "backbone.levels.2.blocks.1.dcn.value_proj.bias", "backbone.levels.2.blocks.1.dcn.output_proj.bias", "backbone.levels.2.blocks.1.norm2.0.weight", "backbone.levels.2.blocks.1.norm2.0.bias", "backbone.levels.2.blocks.1.mlp.fc1.bias", "backbone.levels.2.blocks.1.mlp.fc2.bias" ], "lr_scale": 0.20013552905234042, "lr": 4.002710581046809e-06, "weight_decay": 0.0 }, "layer_12_decay": { "param_names": [ "backbone.levels.2.blocks.1.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.1.dcn.offset_mask.weight", "backbone.levels.2.blocks.1.dcn.value_proj.weight", "backbone.levels.2.blocks.1.dcn.output_proj.weight", "backbone.levels.2.blocks.1.mlp.fc1.weight", "backbone.levels.2.blocks.1.mlp.fc2.weight" ], "lr_scale": 0.20013552905234042, "lr": 4.002710581046809e-06, "weight_decay": 0.05 }, "layer_13_no_decay": { "param_names": [ "backbone.levels.2.blocks.2.gamma1", "backbone.levels.2.blocks.2.gamma2", "backbone.levels.2.blocks.2.norm1.0.weight", "backbone.levels.2.blocks.2.norm1.0.bias", "backbone.levels.2.blocks.2.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.2.dcn.offset_mask.bias", "backbone.levels.2.blocks.2.dcn.value_proj.bias", "backbone.levels.2.blocks.2.dcn.output_proj.bias", "backbone.levels.2.blocks.2.norm2.0.weight", "backbone.levels.2.blocks.2.norm2.0.bias", "backbone.levels.2.blocks.2.mlp.fc1.bias", "backbone.levels.2.blocks.2.mlp.fc2.bias" ], "lr_scale": 0.21291013728972386, "lr": 4.258202745794477e-06, "weight_decay": 0.0 }, "layer_13_decay": { "param_names": [ "backbone.levels.2.blocks.2.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.2.dcn.offset_mask.weight", "backbone.levels.2.blocks.2.dcn.value_proj.weight", "backbone.levels.2.blocks.2.dcn.output_proj.weight", "backbone.levels.2.blocks.2.mlp.fc1.weight", "backbone.levels.2.blocks.2.mlp.fc2.weight" ], "lr_scale": 0.21291013728972386, "lr": 4.258202745794477e-06, "weight_decay": 0.05 }, "layer_14_no_decay": { "param_names": [ "backbone.levels.2.blocks.3.gamma1", "backbone.levels.2.blocks.3.gamma2", "backbone.levels.2.blocks.3.norm1.0.weight", "backbone.levels.2.blocks.3.norm1.0.bias", "backbone.levels.2.blocks.3.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.3.dcn.offset_mask.bias", "backbone.levels.2.blocks.3.dcn.value_proj.bias", "backbone.levels.2.blocks.3.dcn.output_proj.bias", "backbone.levels.2.blocks.3.norm2.0.weight", "backbone.levels.2.blocks.3.norm2.0.bias", "backbone.levels.2.blocks.3.mlp.fc1.bias", "backbone.levels.2.blocks.3.mlp.fc2.bias" ], "lr_scale": 0.22650014605289773, "lr": 4.5300029210579546e-06, "weight_decay": 0.0 }, "layer_14_decay": { "param_names": [ "backbone.levels.2.blocks.3.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.3.dcn.offset_mask.weight", "backbone.levels.2.blocks.3.dcn.value_proj.weight", "backbone.levels.2.blocks.3.dcn.output_proj.weight", "backbone.levels.2.blocks.3.mlp.fc1.weight", "backbone.levels.2.blocks.3.mlp.fc2.weight" ], "lr_scale": 0.22650014605289773, "lr": 4.5300029210579546e-06, "weight_decay": 0.05 }, "layer_15_no_decay": { "param_names": [ "backbone.levels.2.blocks.4.gamma1", "backbone.levels.2.blocks.4.gamma2", "backbone.levels.2.blocks.4.norm1.0.weight", "backbone.levels.2.blocks.4.norm1.0.bias", "backbone.levels.2.blocks.4.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.4.dcn.offset_mask.bias", "backbone.levels.2.blocks.4.dcn.value_proj.bias", "backbone.levels.2.blocks.4.dcn.output_proj.bias", "backbone.levels.2.blocks.4.norm2.0.weight", "backbone.levels.2.blocks.4.norm2.0.bias", "backbone.levels.2.blocks.4.mlp.fc1.bias", "backbone.levels.2.blocks.4.mlp.fc2.bias" ], "lr_scale": 0.24095760218393378, "lr": 4.819152043678676e-06, "weight_decay": 0.0 }, "layer_15_decay": { "param_names": [ "backbone.levels.2.blocks.4.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.4.dcn.offset_mask.weight", "backbone.levels.2.blocks.4.dcn.value_proj.weight", "backbone.levels.2.blocks.4.dcn.output_proj.weight", "backbone.levels.2.blocks.4.mlp.fc1.weight", "backbone.levels.2.blocks.4.mlp.fc2.weight" ], "lr_scale": 0.24095760218393378, "lr": 4.819152043678676e-06, "weight_decay": 0.05 }, "layer_16_no_decay": { "param_names": [ "backbone.levels.2.blocks.5.gamma1", "backbone.levels.2.blocks.5.gamma2", "backbone.levels.2.blocks.5.norm1.0.weight", "backbone.levels.2.blocks.5.norm1.0.bias", "backbone.levels.2.blocks.5.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.5.dcn.offset_mask.bias", "backbone.levels.2.blocks.5.dcn.value_proj.bias", "backbone.levels.2.blocks.5.dcn.output_proj.bias", "backbone.levels.2.blocks.5.norm2.0.weight", "backbone.levels.2.blocks.5.norm2.0.bias", "backbone.levels.2.blocks.5.mlp.fc1.bias", "backbone.levels.2.blocks.5.mlp.fc2.bias" ], "lr_scale": 0.25633787466375935, "lr": 5.126757493275187e-06, "weight_decay": 0.0 }, "layer_16_decay": { "param_names": [ "backbone.levels.2.blocks.5.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.5.dcn.offset_mask.weight", "backbone.levels.2.blocks.5.dcn.value_proj.weight", "backbone.levels.2.blocks.5.dcn.output_proj.weight", "backbone.levels.2.blocks.5.mlp.fc1.weight", "backbone.levels.2.blocks.5.mlp.fc2.weight" ], "lr_scale": 0.25633787466375935, "lr": 5.126757493275187e-06, "weight_decay": 0.05 }, "layer_17_no_decay": { "param_names": [ "backbone.levels.2.blocks.6.gamma1", "backbone.levels.2.blocks.6.gamma2", "backbone.levels.2.blocks.6.norm1.0.weight", "backbone.levels.2.blocks.6.norm1.0.bias", "backbone.levels.2.blocks.6.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.6.dcn.offset_mask.bias", "backbone.levels.2.blocks.6.dcn.value_proj.bias", "backbone.levels.2.blocks.6.dcn.output_proj.bias", "backbone.levels.2.blocks.6.norm2.0.weight", "backbone.levels.2.blocks.6.norm2.0.bias", "backbone.levels.2.blocks.6.mlp.fc1.bias", "backbone.levels.2.blocks.6.mlp.fc2.bias" ], "lr_scale": 0.27269986666357376, "lr": 5.453997333271476e-06, "weight_decay": 0.0 }, "layer_17_decay": { "param_names": [ "backbone.levels.2.blocks.6.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.6.dcn.offset_mask.weight", "backbone.levels.2.blocks.6.dcn.value_proj.weight", "backbone.levels.2.blocks.6.dcn.output_proj.weight", "backbone.levels.2.blocks.6.mlp.fc1.weight", "backbone.levels.2.blocks.6.mlp.fc2.weight" ], "lr_scale": 0.27269986666357376, "lr": 5.453997333271476e-06, "weight_decay": 0.05 }, "layer_18_no_decay": { "param_names": [ "backbone.levels.2.blocks.7.gamma1", "backbone.levels.2.blocks.7.gamma2", "backbone.levels.2.blocks.7.norm1.0.weight", "backbone.levels.2.blocks.7.norm1.0.bias", "backbone.levels.2.blocks.7.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.7.dcn.offset_mask.bias", "backbone.levels.2.blocks.7.dcn.value_proj.bias", "backbone.levels.2.blocks.7.dcn.output_proj.bias", "backbone.levels.2.blocks.7.norm2.0.weight", "backbone.levels.2.blocks.7.norm2.0.bias", "backbone.levels.2.blocks.7.mlp.fc1.bias", "backbone.levels.2.blocks.7.mlp.fc2.bias" ], "lr_scale": 0.2901062411314615, "lr": 5.802124822629231e-06, "weight_decay": 0.0 }, "layer_18_decay": { "param_names": [ "backbone.levels.2.blocks.7.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.7.dcn.offset_mask.weight", "backbone.levels.2.blocks.7.dcn.value_proj.weight", "backbone.levels.2.blocks.7.dcn.output_proj.weight", "backbone.levels.2.blocks.7.mlp.fc1.weight", "backbone.levels.2.blocks.7.mlp.fc2.weight" ], "lr_scale": 0.2901062411314615, "lr": 5.802124822629231e-06, "weight_decay": 0.05 }, "layer_19_no_decay": { "param_names": [ "backbone.levels.2.blocks.8.gamma1", "backbone.levels.2.blocks.8.gamma2", "backbone.levels.2.blocks.8.norm1.0.weight", "backbone.levels.2.blocks.8.norm1.0.bias", "backbone.levels.2.blocks.8.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.8.dcn.offset_mask.bias", "backbone.levels.2.blocks.8.dcn.value_proj.bias", "backbone.levels.2.blocks.8.dcn.output_proj.bias", "backbone.levels.2.blocks.8.norm2.0.weight", "backbone.levels.2.blocks.8.norm2.0.bias", "backbone.levels.2.blocks.8.mlp.fc1.bias", "backbone.levels.2.blocks.8.mlp.fc2.bias" ], "lr_scale": 0.30862366077815057, "lr": 6.1724732155630115e-06, "weight_decay": 0.0 }, "layer_19_decay": { "param_names": [ "backbone.levels.2.blocks.8.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.8.dcn.offset_mask.weight", "backbone.levels.2.blocks.8.dcn.value_proj.weight", "backbone.levels.2.blocks.8.dcn.output_proj.weight", "backbone.levels.2.blocks.8.mlp.fc1.weight", "backbone.levels.2.blocks.8.mlp.fc2.weight" ], "lr_scale": 0.30862366077815057, "lr": 6.1724732155630115e-06, "weight_decay": 0.05 }, "layer_20_no_decay": { "param_names": [ "backbone.levels.2.blocks.9.gamma1", "backbone.levels.2.blocks.9.gamma2", "backbone.levels.2.blocks.9.norm1.0.weight", "backbone.levels.2.blocks.9.norm1.0.bias", "backbone.levels.2.blocks.9.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.9.dcn.offset_mask.bias", "backbone.levels.2.blocks.9.dcn.value_proj.bias", "backbone.levels.2.blocks.9.dcn.output_proj.bias", "backbone.levels.2.blocks.9.norm2.0.weight", "backbone.levels.2.blocks.9.norm2.0.bias", "backbone.levels.2.blocks.9.mlp.fc1.bias", "backbone.levels.2.blocks.9.mlp.fc2.bias" ], "lr_scale": 0.32832304338101126, "lr": 6.566460867620226e-06, "weight_decay": 0.0 }, "layer_20_decay": { "param_names": [ "backbone.levels.2.blocks.9.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.9.dcn.offset_mask.weight", "backbone.levels.2.blocks.9.dcn.value_proj.weight", "backbone.levels.2.blocks.9.dcn.output_proj.weight", "backbone.levels.2.blocks.9.mlp.fc1.weight", "backbone.levels.2.blocks.9.mlp.fc2.weight" ], "lr_scale": 0.32832304338101126, "lr": 6.566460867620226e-06, "weight_decay": 0.05 }, "layer_21_no_decay": { "param_names": [ "backbone.levels.2.blocks.10.gamma1", "backbone.levels.2.blocks.10.gamma2", "backbone.levels.2.blocks.10.norm1.0.weight", "backbone.levels.2.blocks.10.norm1.0.bias", "backbone.levels.2.blocks.10.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.10.dcn.offset_mask.bias", "backbone.levels.2.blocks.10.dcn.value_proj.bias", "backbone.levels.2.blocks.10.dcn.output_proj.bias", "backbone.levels.2.blocks.10.norm2.0.weight", "backbone.levels.2.blocks.10.norm2.0.bias", "backbone.levels.2.blocks.10.mlp.fc1.bias", "backbone.levels.2.blocks.10.mlp.fc2.bias" ], "lr_scale": 0.34927983338405455, "lr": 6.985596667681092e-06, "weight_decay": 0.0 }, "layer_21_decay": { "param_names": [ "backbone.levels.2.blocks.10.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.10.dcn.offset_mask.weight", "backbone.levels.2.blocks.10.dcn.value_proj.weight", "backbone.levels.2.blocks.10.dcn.output_proj.weight", "backbone.levels.2.blocks.10.mlp.fc1.weight", "backbone.levels.2.blocks.10.mlp.fc2.weight" ], "lr_scale": 0.34927983338405455, "lr": 6.985596667681092e-06, "weight_decay": 0.05 }, "layer_22_no_decay": { "param_names": [ "backbone.levels.2.blocks.11.gamma1", "backbone.levels.2.blocks.11.gamma2", "backbone.levels.2.blocks.11.norm1.0.weight", "backbone.levels.2.blocks.11.norm1.0.bias", "backbone.levels.2.blocks.11.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.11.dcn.offset_mask.bias", "backbone.levels.2.blocks.11.dcn.value_proj.bias", "backbone.levels.2.blocks.11.dcn.output_proj.bias", "backbone.levels.2.blocks.11.norm2.0.weight", "backbone.levels.2.blocks.11.norm2.0.bias", "backbone.levels.2.blocks.11.mlp.fc1.bias", "backbone.levels.2.blocks.11.mlp.fc2.bias" ], "lr_scale": 0.3715742908341006, "lr": 7.4314858166820124e-06, "weight_decay": 0.0 }, "layer_22_decay": { "param_names": [ "backbone.levels.2.blocks.11.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.11.dcn.offset_mask.weight", "backbone.levels.2.blocks.11.dcn.value_proj.weight", "backbone.levels.2.blocks.11.dcn.output_proj.weight", "backbone.levels.2.blocks.11.mlp.fc1.weight", "backbone.levels.2.blocks.11.mlp.fc2.weight" ], "lr_scale": 0.3715742908341006, "lr": 7.4314858166820124e-06, "weight_decay": 0.05 }, "layer_23_no_decay": { "param_names": [ "backbone.levels.2.blocks.12.gamma1", "backbone.levels.2.blocks.12.gamma2", "backbone.levels.2.blocks.12.norm1.0.weight", "backbone.levels.2.blocks.12.norm1.0.bias", "backbone.levels.2.blocks.12.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.12.dcn.offset_mask.bias", "backbone.levels.2.blocks.12.dcn.value_proj.bias", "backbone.levels.2.blocks.12.dcn.output_proj.bias", "backbone.levels.2.blocks.12.norm2.0.weight", "backbone.levels.2.blocks.12.norm2.0.bias", "backbone.levels.2.blocks.12.mlp.fc1.bias", "backbone.levels.2.blocks.12.mlp.fc2.bias" ], "lr_scale": 0.3952917987596815, "lr": 7.90583597519363e-06, "weight_decay": 0.0 }, "layer_23_decay": { "param_names": [ "backbone.levels.2.blocks.12.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.12.dcn.offset_mask.weight", "backbone.levels.2.blocks.12.dcn.value_proj.weight", "backbone.levels.2.blocks.12.dcn.output_proj.weight", "backbone.levels.2.blocks.12.mlp.fc1.weight", "backbone.levels.2.blocks.12.mlp.fc2.weight" ], "lr_scale": 0.3952917987596815, "lr": 7.90583597519363e-06, "weight_decay": 0.05 }, "layer_24_no_decay": { "param_names": [ "backbone.levels.2.blocks.13.gamma1", "backbone.levels.2.blocks.13.gamma2", "backbone.levels.2.blocks.13.norm1.0.weight", "backbone.levels.2.blocks.13.norm1.0.bias", "backbone.levels.2.blocks.13.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.13.dcn.offset_mask.bias", "backbone.levels.2.blocks.13.dcn.value_proj.bias", "backbone.levels.2.blocks.13.dcn.output_proj.bias", "backbone.levels.2.blocks.13.norm2.0.weight", "backbone.levels.2.blocks.13.norm2.0.bias", "backbone.levels.2.blocks.13.mlp.fc1.bias", "backbone.levels.2.blocks.13.mlp.fc2.bias" ], "lr_scale": 0.42052319016987394, "lr": 8.41046380339748e-06, "weight_decay": 0.0 }, "layer_24_decay": { "param_names": [ "backbone.levels.2.blocks.13.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.13.dcn.offset_mask.weight", "backbone.levels.2.blocks.13.dcn.value_proj.weight", "backbone.levels.2.blocks.13.dcn.output_proj.weight", "backbone.levels.2.blocks.13.mlp.fc1.weight", "backbone.levels.2.blocks.13.mlp.fc2.weight" ], "lr_scale": 0.42052319016987394, "lr": 8.41046380339748e-06, "weight_decay": 0.05 }, "layer_25_no_decay": { "param_names": [ "backbone.levels.2.blocks.14.gamma1", "backbone.levels.2.blocks.14.gamma2", "backbone.levels.2.blocks.14.norm1.0.weight", "backbone.levels.2.blocks.14.norm1.0.bias", "backbone.levels.2.blocks.14.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.14.dcn.offset_mask.bias", "backbone.levels.2.blocks.14.dcn.value_proj.bias", "backbone.levels.2.blocks.14.dcn.output_proj.bias", "backbone.levels.2.blocks.14.norm2.0.weight", "backbone.levels.2.blocks.14.norm2.0.bias", "backbone.levels.2.blocks.14.mlp.fc1.bias", "backbone.levels.2.blocks.14.mlp.fc2.bias" ], "lr_scale": 0.44736509592539786, "lr": 8.947301918507958e-06, "weight_decay": 0.0 }, "layer_25_decay": { "param_names": [ "backbone.levels.2.blocks.14.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.14.dcn.offset_mask.weight", "backbone.levels.2.blocks.14.dcn.value_proj.weight", "backbone.levels.2.blocks.14.dcn.output_proj.weight", "backbone.levels.2.blocks.14.mlp.fc1.weight", "backbone.levels.2.blocks.14.mlp.fc2.weight" ], "lr_scale": 0.44736509592539786, "lr": 8.947301918507958e-06, "weight_decay": 0.05 }, "layer_26_no_decay": { "param_names": [ "backbone.levels.2.blocks.15.gamma1", "backbone.levels.2.blocks.15.gamma2", "backbone.levels.2.blocks.15.norm1.0.weight", "backbone.levels.2.blocks.15.norm1.0.bias", "backbone.levels.2.blocks.15.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.15.dcn.offset_mask.bias", "backbone.levels.2.blocks.15.dcn.value_proj.bias", "backbone.levels.2.blocks.15.dcn.output_proj.bias", "backbone.levels.2.blocks.15.norm2.0.weight", "backbone.levels.2.blocks.15.norm2.0.bias", "backbone.levels.2.blocks.15.mlp.fc1.bias", "backbone.levels.2.blocks.15.mlp.fc2.bias" ], "lr_scale": 0.47592031481425306, "lr": 9.518406296285062e-06, "weight_decay": 0.0 }, "layer_26_decay": { "param_names": [ "backbone.levels.2.blocks.15.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.15.dcn.offset_mask.weight", "backbone.levels.2.blocks.15.dcn.value_proj.weight", "backbone.levels.2.blocks.15.dcn.output_proj.weight", "backbone.levels.2.blocks.15.mlp.fc1.weight", "backbone.levels.2.blocks.15.mlp.fc2.weight" ], "lr_scale": 0.47592031481425306, "lr": 9.518406296285062e-06, "weight_decay": 0.05 }, "layer_27_no_decay": { "param_names": [ "backbone.levels.2.blocks.16.gamma1", "backbone.levels.2.blocks.16.gamma2", "backbone.levels.2.blocks.16.norm1.0.weight", "backbone.levels.2.blocks.16.norm1.0.bias", "backbone.levels.2.blocks.16.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.16.dcn.offset_mask.bias", "backbone.levels.2.blocks.16.dcn.value_proj.bias", "backbone.levels.2.blocks.16.dcn.output_proj.bias", "backbone.levels.2.blocks.16.norm2.0.weight", "backbone.levels.2.blocks.16.norm2.0.bias", "backbone.levels.2.blocks.16.mlp.fc1.bias", "backbone.levels.2.blocks.16.mlp.fc2.bias" ], "lr_scale": 0.5062982072492054, "lr": 1.0125964144984108e-05, "weight_decay": 0.0 }, "layer_27_decay": { "param_names": [ "backbone.levels.2.blocks.16.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.16.dcn.offset_mask.weight", "backbone.levels.2.blocks.16.dcn.value_proj.weight", "backbone.levels.2.blocks.16.dcn.output_proj.weight", "backbone.levels.2.blocks.16.mlp.fc1.weight", "backbone.levels.2.blocks.16.mlp.fc2.weight" ], "lr_scale": 0.5062982072492054, "lr": 1.0125964144984108e-05, "weight_decay": 0.05 }, "layer_28_no_decay": { "param_names": [ "backbone.levels.2.blocks.17.gamma1", "backbone.levels.2.blocks.17.gamma2", "backbone.levels.2.blocks.17.norm1.0.weight", "backbone.levels.2.blocks.17.norm1.0.bias", "backbone.levels.2.blocks.17.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.17.dcn.offset_mask.bias", "backbone.levels.2.blocks.17.dcn.value_proj.bias", "backbone.levels.2.blocks.17.dcn.output_proj.bias", "backbone.levels.2.blocks.17.norm2.0.weight", "backbone.levels.2.blocks.17.norm2.0.bias", "backbone.levels.2.blocks.17.mlp.fc1.bias", "backbone.levels.2.blocks.17.mlp.fc2.bias" ], "lr_scale": 0.5386151140948994, "lr": 1.0772302281897988e-05, "weight_decay": 0.0 }, "layer_28_decay": { "param_names": [ "backbone.levels.2.blocks.17.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.17.dcn.offset_mask.weight", "backbone.levels.2.blocks.17.dcn.value_proj.weight", "backbone.levels.2.blocks.17.dcn.output_proj.weight", "backbone.levels.2.blocks.17.mlp.fc1.weight", "backbone.levels.2.blocks.17.mlp.fc2.weight" ], "lr_scale": 0.5386151140948994, "lr": 1.0772302281897988e-05, "weight_decay": 0.05 }, "layer_29_no_decay": { "param_names": [ "backbone.levels.2.blocks.18.gamma1", "backbone.levels.2.blocks.18.gamma2", "backbone.levels.2.blocks.18.norm1.0.weight", "backbone.levels.2.blocks.18.norm1.0.bias", "backbone.levels.2.blocks.18.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.18.dcn.offset_mask.bias", "backbone.levels.2.blocks.18.dcn.value_proj.bias", "backbone.levels.2.blocks.18.dcn.output_proj.bias", "backbone.levels.2.blocks.18.norm2.0.weight", "backbone.levels.2.blocks.18.norm2.0.bias", "backbone.levels.2.blocks.18.mlp.fc1.bias", "backbone.levels.2.blocks.18.mlp.fc2.bias" ], "lr_scale": 0.5729948022286164, "lr": 1.145989604457233e-05, "weight_decay": 0.0 }, "layer_29_decay": { "param_names": [ "backbone.levels.2.blocks.18.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.18.dcn.offset_mask.weight", "backbone.levels.2.blocks.18.dcn.value_proj.weight", "backbone.levels.2.blocks.18.dcn.output_proj.weight", "backbone.levels.2.blocks.18.mlp.fc1.weight", "backbone.levels.2.blocks.18.mlp.fc2.weight" ], "lr_scale": 0.5729948022286164, "lr": 1.145989604457233e-05, "weight_decay": 0.05 }, "layer_30_no_decay": { "param_names": [ "backbone.levels.2.blocks.19.gamma1", "backbone.levels.2.blocks.19.gamma2", "backbone.levels.2.blocks.19.norm1.0.weight", "backbone.levels.2.blocks.19.norm1.0.bias", "backbone.levels.2.blocks.19.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.19.dcn.offset_mask.bias", "backbone.levels.2.blocks.19.dcn.value_proj.bias", "backbone.levels.2.blocks.19.dcn.output_proj.bias", "backbone.levels.2.blocks.19.norm2.0.weight", "backbone.levels.2.blocks.19.norm2.0.bias", "backbone.levels.2.blocks.19.mlp.fc1.bias", "backbone.levels.2.blocks.19.mlp.fc2.bias" ], "lr_scale": 0.6095689385410813, "lr": 1.2191378770821627e-05, "weight_decay": 0.0 }, "layer_30_decay": { "param_names": [ "backbone.levels.2.blocks.19.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.19.dcn.offset_mask.weight", "backbone.levels.2.blocks.19.dcn.value_proj.weight", "backbone.levels.2.blocks.19.dcn.output_proj.weight", "backbone.levels.2.blocks.19.mlp.fc1.weight", "backbone.levels.2.blocks.19.mlp.fc2.weight" ], "lr_scale": 0.6095689385410813, "lr": 1.2191378770821627e-05, "weight_decay": 0.05 }, "layer_31_no_decay": { "param_names": [ "backbone.levels.2.blocks.20.gamma1", "backbone.levels.2.blocks.20.gamma2", "backbone.levels.2.blocks.20.norm1.0.weight", "backbone.levels.2.blocks.20.norm1.0.bias", "backbone.levels.2.blocks.20.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.20.dcn.offset_mask.bias", "backbone.levels.2.blocks.20.dcn.value_proj.bias", "backbone.levels.2.blocks.20.dcn.output_proj.bias", "backbone.levels.2.blocks.20.norm2.0.weight", "backbone.levels.2.blocks.20.norm2.0.bias", "backbone.levels.2.blocks.20.mlp.fc1.bias", "backbone.levels.2.blocks.20.mlp.fc2.bias" ], "lr_scale": 0.6484775941926397, "lr": 1.2969551883852795e-05, "weight_decay": 0.0 }, "layer_31_decay": { "param_names": [ "backbone.levels.2.blocks.20.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.20.dcn.offset_mask.weight", "backbone.levels.2.blocks.20.dcn.value_proj.weight", "backbone.levels.2.blocks.20.dcn.output_proj.weight", "backbone.levels.2.blocks.20.mlp.fc1.weight", "backbone.levels.2.blocks.20.mlp.fc2.weight" ], "lr_scale": 0.6484775941926397, "lr": 1.2969551883852795e-05, "weight_decay": 0.05 }, "layer_32_no_decay": { "param_names": [ "backbone.levels.2.blocks.21.gamma1", "backbone.levels.2.blocks.21.gamma2", "backbone.levels.2.blocks.21.norm1.0.weight", "backbone.levels.2.blocks.21.norm1.0.bias", "backbone.levels.2.blocks.21.dcn.offset_mask_dw.bias", "backbone.levels.2.blocks.21.dcn.offset_mask.bias", "backbone.levels.2.blocks.21.dcn.value_proj.bias", "backbone.levels.2.blocks.21.dcn.output_proj.bias", "backbone.levels.2.blocks.21.norm2.0.weight", "backbone.levels.2.blocks.21.norm2.0.bias", "backbone.levels.2.blocks.21.mlp.fc1.bias", "backbone.levels.2.blocks.21.mlp.fc2.bias" ], "lr_scale": 0.6898697810559997, "lr": 1.3797395621119996e-05, "weight_decay": 0.0 }, "layer_32_decay": { "param_names": [ "backbone.levels.2.blocks.21.dcn.offset_mask_dw.weight", "backbone.levels.2.blocks.21.dcn.offset_mask.weight", "backbone.levels.2.blocks.21.dcn.value_proj.weight", "backbone.levels.2.blocks.21.dcn.output_proj.weight", "backbone.levels.2.blocks.21.mlp.fc1.weight", "backbone.levels.2.blocks.21.mlp.fc2.weight" ], "lr_scale": 0.6898697810559997, "lr": 1.3797395621119996e-05, "weight_decay": 0.05 }, "layer_33_decay": { "param_names": [ "backbone.levels.2.downsample.conv.weight", "backbone.levels.3.blocks.0.dcn.offset_mask_dw.weight", "backbone.levels.3.blocks.0.dcn.offset_mask.weight", "backbone.levels.3.blocks.0.dcn.value_proj.weight", "backbone.levels.3.blocks.0.dcn.output_proj.weight", "backbone.levels.3.blocks.0.mlp.fc1.weight", "backbone.levels.3.blocks.0.mlp.fc2.weight" ], "lr_scale": 0.7339040223999997, "lr": 1.4678080447999996e-05, "weight_decay": 0.05 }, "layer_33_no_decay": { "param_names": [ "backbone.levels.2.downsample.norm.1.weight", "backbone.levels.2.downsample.norm.1.bias", "backbone.levels.3.blocks.0.gamma1", "backbone.levels.3.blocks.0.gamma2", "backbone.levels.3.blocks.0.norm1.0.weight", "backbone.levels.3.blocks.0.norm1.0.bias", "backbone.levels.3.blocks.0.dcn.offset_mask_dw.bias", "backbone.levels.3.blocks.0.dcn.offset_mask.bias", "backbone.levels.3.blocks.0.dcn.value_proj.bias", "backbone.levels.3.blocks.0.dcn.output_proj.bias", "backbone.levels.3.blocks.0.norm2.0.weight", "backbone.levels.3.blocks.0.norm2.0.bias", "backbone.levels.3.blocks.0.mlp.fc1.bias", "backbone.levels.3.blocks.0.mlp.fc2.bias" ], "lr_scale": 0.7339040223999997, "lr": 1.4678080447999996e-05, "weight_decay": 0.0 }, "layer_34_no_decay": { "param_names": [ "backbone.levels.3.blocks.1.gamma1", "backbone.levels.3.blocks.1.gamma2", "backbone.levels.3.blocks.1.norm1.0.weight", "backbone.levels.3.blocks.1.norm1.0.bias", "backbone.levels.3.blocks.1.dcn.offset_mask_dw.bias", "backbone.levels.3.blocks.1.dcn.offset_mask.bias", "backbone.levels.3.blocks.1.dcn.value_proj.bias", "backbone.levels.3.blocks.1.dcn.output_proj.bias", "backbone.levels.3.blocks.1.norm2.0.weight", "backbone.levels.3.blocks.1.norm2.0.bias", "backbone.levels.3.blocks.1.mlp.fc1.bias", "backbone.levels.3.blocks.1.mlp.fc2.bias" ], "lr_scale": 0.7807489599999998, "lr": 1.5614979199999998e-05, "weight_decay": 0.0 }, "layer_34_decay": { "param_names": [ "backbone.levels.3.blocks.1.dcn.offset_mask_dw.weight", "backbone.levels.3.blocks.1.dcn.offset_mask.weight", "backbone.levels.3.blocks.1.dcn.value_proj.weight", "backbone.levels.3.blocks.1.dcn.output_proj.weight", "backbone.levels.3.blocks.1.mlp.fc1.weight", "backbone.levels.3.blocks.1.mlp.fc2.weight" ], "lr_scale": 0.7807489599999998, "lr": 1.5614979199999998e-05, "weight_decay": 0.05 }, "layer_35_no_decay": { "param_names": [ "backbone.levels.3.blocks.2.gamma1", "backbone.levels.3.blocks.2.gamma2", "backbone.levels.3.blocks.2.norm1.0.weight", "backbone.levels.3.blocks.2.norm1.0.bias", "backbone.levels.3.blocks.2.dcn.offset_mask_dw.bias", "backbone.levels.3.blocks.2.dcn.offset_mask.bias", "backbone.levels.3.blocks.2.dcn.value_proj.bias", "backbone.levels.3.blocks.2.dcn.output_proj.bias", "backbone.levels.3.blocks.2.norm2.0.weight", "backbone.levels.3.blocks.2.norm2.0.bias", "backbone.levels.3.blocks.2.mlp.fc1.bias", "backbone.levels.3.blocks.2.mlp.fc2.bias" ], "lr_scale": 0.8305839999999999, "lr": 1.6611679999999997e-05, "weight_decay": 0.0 }, "layer_35_decay": { "param_names": [ "backbone.levels.3.blocks.2.dcn.offset_mask_dw.weight", "backbone.levels.3.blocks.2.dcn.offset_mask.weight", "backbone.levels.3.blocks.2.dcn.value_proj.weight", "backbone.levels.3.blocks.2.dcn.output_proj.weight", "backbone.levels.3.blocks.2.mlp.fc1.weight", "backbone.levels.3.blocks.2.mlp.fc2.weight" ], "lr_scale": 0.8305839999999999, "lr": 1.6611679999999997e-05, "weight_decay": 0.05 }, "layer_36_no_decay": { "param_names": [ "backbone.levels.3.blocks.3.gamma1", "backbone.levels.3.blocks.3.gamma2", "backbone.levels.3.blocks.3.norm1.0.weight", "backbone.levels.3.blocks.3.norm1.0.bias", "backbone.levels.3.blocks.3.dcn.offset_mask_dw.bias", "backbone.levels.3.blocks.3.dcn.offset_mask.bias", "backbone.levels.3.blocks.3.dcn.value_proj.bias", "backbone.levels.3.blocks.3.dcn.output_proj.bias", "backbone.levels.3.blocks.3.norm2.0.weight", "backbone.levels.3.blocks.3.norm2.0.bias", "backbone.levels.3.blocks.3.mlp.fc1.bias", "backbone.levels.3.blocks.3.mlp.fc2.bias" ], "lr_scale": 0.8835999999999999, "lr": 1.7672e-05, "weight_decay": 0.0 }, "layer_36_decay": { "param_names": [ "backbone.levels.3.blocks.3.dcn.offset_mask_dw.weight", "backbone.levels.3.blocks.3.dcn.offset_mask.weight", "backbone.levels.3.blocks.3.dcn.value_proj.weight", "backbone.levels.3.blocks.3.dcn.output_proj.weight", "backbone.levels.3.blocks.3.mlp.fc1.weight", "backbone.levels.3.blocks.3.mlp.fc2.weight" ], "lr_scale": 0.8835999999999999, "lr": 1.7672e-05, "weight_decay": 0.05 }, "layer_37_no_decay": { "param_names": [ "backbone.levels.3.blocks.4.gamma1", "backbone.levels.3.blocks.4.gamma2", "backbone.levels.3.blocks.4.norm1.0.weight", "backbone.levels.3.blocks.4.norm1.0.bias", "backbone.levels.3.blocks.4.dcn.offset_mask_dw.bias", "backbone.levels.3.blocks.4.dcn.offset_mask.bias", "backbone.levels.3.blocks.4.dcn.value_proj.bias", "backbone.levels.3.blocks.4.dcn.output_proj.bias", "backbone.levels.3.blocks.4.norm2.0.weight", "backbone.levels.3.blocks.4.norm2.0.bias", "backbone.levels.3.blocks.4.mlp.fc1.bias", "backbone.levels.3.blocks.4.mlp.fc2.bias" ], "lr_scale": 0.94, "lr": 1.88e-05, "weight_decay": 0.0 }, "layer_37_decay": { "param_names": [ "backbone.levels.3.blocks.4.dcn.offset_mask_dw.weight", "backbone.levels.3.blocks.4.dcn.offset_mask.weight", "backbone.levels.3.blocks.4.dcn.value_proj.weight", "backbone.levels.3.blocks.4.dcn.output_proj.weight", "backbone.levels.3.blocks.4.mlp.fc1.weight", "backbone.levels.3.blocks.4.mlp.fc2.weight" ], "lr_scale": 0.94, "lr": 1.88e-05, "weight_decay": 0.05 }, "layer_38_decay": { "param_names": [ "decode_head.conv_seg.weight", "decode_head.psp_modules.0.1.conv.weight", "decode_head.psp_modules.1.1.conv.weight", "decode_head.psp_modules.2.1.conv.weight", "decode_head.psp_modules.3.1.conv.weight", "decode_head.bottleneck.conv.weight", "decode_head.lateral_convs.0.conv.weight", "decode_head.lateral_convs.1.conv.weight", "decode_head.lateral_convs.2.conv.weight", "decode_head.fpn_convs.0.conv.weight", "decode_head.fpn_convs.1.conv.weight", "decode_head.fpn_convs.2.conv.weight", "decode_head.fpn_bottleneck.conv.weight", "auxiliary_head.conv_seg.weight", "auxiliary_head.convs.0.conv.weight" ], "lr_scale": 1.0, "lr": 2e-05, "weight_decay": 0.05 }, "layer_38_no_decay": { "param_names": [ "decode_head.conv_seg.bias", "decode_head.psp_modules.0.1.bn.weight", "decode_head.psp_modules.0.1.bn.bias", "decode_head.psp_modules.1.1.bn.weight", "decode_head.psp_modules.1.1.bn.bias", "decode_head.psp_modules.2.1.bn.weight", "decode_head.psp_modules.2.1.bn.bias", "decode_head.psp_modules.3.1.bn.weight", "decode_head.psp_modules.3.1.bn.bias", "decode_head.bottleneck.bn.weight", "decode_head.bottleneck.bn.bias", "decode_head.lateral_convs.0.bn.weight", "decode_head.lateral_convs.0.bn.bias", "decode_head.lateral_convs.1.bn.weight", "decode_head.lateral_convs.1.bn.bias", "decode_head.lateral_convs.2.bn.weight", "decode_head.lateral_convs.2.bn.bias", "decode_head.fpn_convs.0.bn.weight", "decode_head.fpn_convs.0.bn.bias", "decode_head.fpn_convs.1.bn.weight", "decode_head.fpn_convs.1.bn.bias", "decode_head.fpn_convs.2.bn.weight", "decode_head.fpn_convs.2.bn.bias", "decode_head.fpn_bottleneck.bn.weight", "decode_head.fpn_bottleneck.bn.bias", "auxiliary_head.conv_seg.bias", "auxiliary_head.convs.0.bn.weight", "auxiliary_head.convs.0.bn.bias" ], "lr_scale": 1.0, "lr": 2e-05, "weight_decay": 0.0 } } 2023-11-13 16:58:00,164 - mmseg - INFO - Loaded 2000 images 2023-11-13 16:58:00,165 - mmseg - INFO - Start running, host: lizhiqi@SH-IDC1-10-140-37-124, work_dir: /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k 2023-11-13 16:58:00,165 - 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 -------------------- 2023-11-13 16:58:00,165 - mmseg - INFO - workflow: [('train', 1)], max: 160000 iters 2023-11-13 16:58:00,166 - mmseg - INFO - Checkpoints will be saved to /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k by HardDiskBackend. 2023-11-13 16:59:10,339 - mmseg - INFO - Iter [50/160000] lr: 6.221e-08, eta: 1 day, 7:49:09, time: 0.716, data_time: 0.011, memory: 16105, decode.loss_ce: 4.1066, decode.acc_seg: 0.5308, aux.loss_ce: 1.6317, aux.acc_seg: 0.6014, loss: 5.7383, grad_norm: 3.2620 2023-11-13 16:59:30,944 - mmseg - INFO - Iter [100/160000] lr: 1.257e-07, eta: 1 day, 1:03:14, time: 0.412, data_time: 0.005, memory: 16105, decode.loss_ce: 4.0064, decode.acc_seg: 0.8322, aux.loss_ce: 1.5968, aux.acc_seg: 0.7235, loss: 5.6032, grad_norm: 3.3423 2023-11-13 16:59:51,404 - mmseg - INFO - Iter [150/160000] lr: 1.891e-07, eta: 22:45:10, time: 0.409, data_time: 0.005, memory: 16105, decode.loss_ce: 4.0448, decode.acc_seg: 1.7695, aux.loss_ce: 1.6212, aux.acc_seg: 0.7910, loss: 5.6661, grad_norm: 3.1951 2023-11-13 17:00:11,834 - mmseg - INFO - Iter [200/160000] lr: 2.524e-07, eta: 21:35:38, time: 0.409, data_time: 0.005, memory: 16105, decode.loss_ce: 3.9433, decode.acc_seg: 5.8258, aux.loss_ce: 1.5968, aux.acc_seg: 1.1564, loss: 5.5401, grad_norm: 3.4590 2023-11-13 17:00:32,187 - mmseg - INFO - Iter [250/160000] lr: 3.157e-07, eta: 20:52:55, time: 0.407, data_time: 0.005, memory: 16105, decode.loss_ce: 3.9267, decode.acc_seg: 13.2185, aux.loss_ce: 1.6081, aux.acc_seg: 2.1726, loss: 5.5348, grad_norm: 3.4424 2023-11-13 17:00:52,449 - mmseg - INFO - Iter [300/160000] lr: 3.790e-07, eta: 20:23:32, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 3.8669, decode.acc_seg: 25.2873, aux.loss_ce: 1.6174, aux.acc_seg: 4.2842, loss: 5.4842, grad_norm: 3.5332 2023-11-13 17:01:13,119 - mmseg - INFO - Iter [350/160000] lr: 4.423e-07, eta: 20:05:34, time: 0.413, data_time: 0.005, memory: 16105, decode.loss_ce: 3.7748, decode.acc_seg: 31.8613, aux.loss_ce: 1.6190, aux.acc_seg: 7.9369, loss: 5.3938, grad_norm: 3.5387 2023-11-13 17:01:33,399 - mmseg - INFO - Iter [400/160000] lr: 5.055e-07, eta: 19:49:24, time: 0.406, data_time: 0.005, memory: 16105, decode.loss_ce: 3.4662, decode.acc_seg: 36.9577, aux.loss_ce: 1.5462, aux.acc_seg: 13.3806, loss: 5.0125, grad_norm: 3.5209 2023-11-13 17:01:53,734 - mmseg - INFO - Iter [450/160000] lr: 5.686e-07, eta: 19:37:04, time: 0.407, data_time: 0.005, memory: 16105, decode.loss_ce: 3.3003, decode.acc_seg: 41.6750, aux.loss_ce: 1.5362, aux.acc_seg: 21.3673, loss: 4.8365, grad_norm: 3.6508 2023-11-13 17:02:13,969 - mmseg - INFO - Iter [500/160000] lr: 6.317e-07, eta: 19:26:37, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 3.1241, decode.acc_seg: 45.9011, aux.loss_ce: 1.5294, aux.acc_seg: 29.8770, loss: 4.6535, grad_norm: 3.7925 2023-11-13 17:02:34,402 - mmseg - INFO - Iter [550/160000] lr: 6.948e-07, eta: 19:18:57, time: 0.409, data_time: 0.005, memory: 16105, decode.loss_ce: 2.9838, decode.acc_seg: 48.9730, aux.loss_ce: 1.5199, aux.acc_seg: 36.6487, loss: 4.5037, grad_norm: 3.7797 2023-11-13 17:02:54,628 - mmseg - INFO - Iter [600/160000] lr: 7.579e-07, eta: 19:11:35, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 2.8099, decode.acc_seg: 50.5003, aux.loss_ce: 1.4720, aux.acc_seg: 42.5279, loss: 4.2819, grad_norm: 3.5474 2023-11-13 17:03:14,771 - mmseg - INFO - Iter [650/160000] lr: 8.209e-07, eta: 19:04:58, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 2.6709, decode.acc_seg: 53.1170, aux.loss_ce: 1.4438, aux.acc_seg: 45.5524, loss: 4.1147, grad_norm: 3.6609 2023-11-13 17:03:34,903 - mmseg - INFO - Iter [700/160000] lr: 8.838e-07, eta: 18:59:14, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 2.4959, decode.acc_seg: 53.5954, aux.loss_ce: 1.3676, aux.acc_seg: 47.2865, loss: 3.8635, grad_norm: 3.7651 2023-11-13 17:03:55,026 - mmseg - INFO - Iter [750/160000] lr: 9.468e-07, eta: 18:54:08, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 2.3720, decode.acc_seg: 53.9320, aux.loss_ce: 1.3212, aux.acc_seg: 48.3826, loss: 3.6933, grad_norm: 3.8720 2023-11-13 17:04:15,413 - mmseg - INFO - Iter [800/160000] lr: 1.010e-06, eta: 18:50:32, time: 0.408, data_time: 0.005, memory: 16105, decode.loss_ce: 2.3277, decode.acc_seg: 54.6822, aux.loss_ce: 1.2937, aux.acc_seg: 49.1408, loss: 3.6214, grad_norm: 3.7388 2023-11-13 17:04:35,735 - mmseg - INFO - Iter [850/160000] lr: 1.072e-06, eta: 18:47:07, time: 0.406, data_time: 0.005, memory: 16105, decode.loss_ce: 2.2734, decode.acc_seg: 55.8406, aux.loss_ce: 1.2765, aux.acc_seg: 50.4535, loss: 3.5499, grad_norm: 3.9574 2023-11-13 17:04:55,820 - mmseg - INFO - Iter [900/160000] lr: 1.135e-06, eta: 18:43:20, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 2.1067, decode.acc_seg: 59.3530, aux.loss_ce: 1.2195, aux.acc_seg: 52.6870, loss: 3.3262, grad_norm: 4.0425 2023-11-13 17:05:16,005 - mmseg - INFO - Iter [950/160000] lr: 1.198e-06, eta: 18:40:13, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 2.0709, decode.acc_seg: 58.6610, aux.loss_ce: 1.2000, aux.acc_seg: 51.6528, loss: 3.2708, grad_norm: 3.8816 2023-11-13 17:05:36,134 - mmseg - INFO - Saving checkpoint at 1000 iterations 2023-11-13 17:05:44,021 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:05:44,021 - mmseg - INFO - Iter [1000/160000] lr: 1.261e-06, eta: 18:58:07, time: 0.560, data_time: 0.005, memory: 16105, decode.loss_ce: 2.0292, decode.acc_seg: 60.1503, aux.loss_ce: 1.1966, aux.acc_seg: 52.9495, loss: 3.2259, grad_norm: 3.7093 2023-11-13 17:06:04,208 - mmseg - INFO - Iter [1050/160000] lr: 1.323e-06, eta: 18:54:30, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.8547, decode.acc_seg: 60.6222, aux.loss_ce: 1.1048, aux.acc_seg: 52.6435, loss: 2.9595, grad_norm: 3.6143 2023-11-13 17:06:24,284 - mmseg - INFO - Iter [1100/160000] lr: 1.386e-06, eta: 18:50:55, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.8124, decode.acc_seg: 62.0558, aux.loss_ce: 1.0819, aux.acc_seg: 54.5640, loss: 2.8943, grad_norm: 4.0213 2023-11-13 17:06:44,470 - mmseg - INFO - Iter [1150/160000] lr: 1.449e-06, eta: 18:47:53, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.7450, decode.acc_seg: 62.9115, aux.loss_ce: 1.0630, aux.acc_seg: 54.3238, loss: 2.8080, grad_norm: 3.8835 2023-11-13 17:07:04,567 - mmseg - INFO - Iter [1200/160000] lr: 1.511e-06, eta: 18:44:52, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.7277, decode.acc_seg: 62.3624, aux.loss_ce: 1.0494, aux.acc_seg: 53.8356, loss: 2.7771, grad_norm: 4.6519 2023-11-13 17:07:24,770 - mmseg - INFO - Iter [1250/160000] lr: 1.574e-06, eta: 18:42:18, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.6341, decode.acc_seg: 63.8952, aux.loss_ce: 1.0039, aux.acc_seg: 54.8014, loss: 2.6380, grad_norm: 4.0170 2023-11-13 17:07:47,297 - mmseg - INFO - Iter [1300/160000] lr: 1.636e-06, eta: 18:44:37, time: 0.451, data_time: 0.049, memory: 16105, decode.loss_ce: 1.6018, decode.acc_seg: 63.3262, aux.loss_ce: 0.9798, aux.acc_seg: 55.6326, loss: 2.5816, grad_norm: 4.6061 2023-11-13 17:08:07,478 - mmseg - INFO - Iter [1350/160000] lr: 1.699e-06, eta: 18:42:09, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.5702, decode.acc_seg: 63.9729, aux.loss_ce: 0.9594, aux.acc_seg: 56.1348, loss: 2.5296, grad_norm: 3.9409 2023-11-13 17:08:27,550 - mmseg - INFO - Iter [1400/160000] lr: 1.761e-06, eta: 18:39:38, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.5427, decode.acc_seg: 63.6370, aux.loss_ce: 0.9373, aux.acc_seg: 55.4673, loss: 2.4800, grad_norm: 4.2396 2023-11-13 17:08:47,623 - mmseg - INFO - Iter [1450/160000] lr: 1.824e-06, eta: 18:37:16, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.5573, decode.acc_seg: 64.9261, aux.loss_ce: 0.9458, aux.acc_seg: 57.7329, loss: 2.5032, grad_norm: 3.9630 2023-11-13 17:09:07,663 - mmseg - INFO - Iter [1500/160000] lr: 1.886e-06, eta: 18:34:59, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.4066, decode.acc_seg: 66.2556, aux.loss_ce: 0.8662, aux.acc_seg: 58.3739, loss: 2.2728, grad_norm: 3.8895 2023-11-13 17:09:27,734 - mmseg - INFO - Iter [1550/160000] lr: 1.887e-06, eta: 18:32:52, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.4341, decode.acc_seg: 66.1208, aux.loss_ce: 0.8748, aux.acc_seg: 57.9898, loss: 2.3089, grad_norm: 4.1443 2023-11-13 17:09:47,946 - mmseg - INFO - Iter [1600/160000] lr: 1.886e-06, eta: 18:31:06, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.3940, decode.acc_seg: 66.2673, aux.loss_ce: 0.8512, aux.acc_seg: 58.4495, loss: 2.2452, grad_norm: 4.2876 2023-11-13 17:10:08,064 - mmseg - INFO - Iter [1650/160000] lr: 1.885e-06, eta: 18:29:16, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.3759, decode.acc_seg: 65.3286, aux.loss_ce: 0.8319, aux.acc_seg: 57.2451, loss: 2.2077, grad_norm: 3.8531 2023-11-13 17:10:28,354 - mmseg - INFO - Iter [1700/160000] lr: 1.885e-06, eta: 18:27:47, time: 0.406, data_time: 0.005, memory: 16105, decode.loss_ce: 1.3137, decode.acc_seg: 67.2177, aux.loss_ce: 0.8048, aux.acc_seg: 59.5923, loss: 2.1185, grad_norm: 4.0371 2023-11-13 17:10:48,608 - mmseg - INFO - Iter [1750/160000] lr: 1.884e-06, eta: 18:26:19, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 1.3511, decode.acc_seg: 65.4046, aux.loss_ce: 0.8041, aux.acc_seg: 57.1793, loss: 2.1552, grad_norm: 4.8082 2023-11-13 17:11:08,680 - mmseg - INFO - Iter [1800/160000] lr: 1.884e-06, eta: 18:24:39, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.2624, decode.acc_seg: 67.9609, aux.loss_ce: 0.7599, aux.acc_seg: 60.3456, loss: 2.0222, grad_norm: 3.9589 2023-11-13 17:11:28,786 - mmseg - INFO - Iter [1850/160000] lr: 1.883e-06, eta: 18:23:06, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.2575, decode.acc_seg: 67.1737, aux.loss_ce: 0.7608, aux.acc_seg: 59.1518, loss: 2.0182, grad_norm: 4.5832 2023-11-13 17:11:48,860 - mmseg - INFO - Iter [1900/160000] lr: 1.882e-06, eta: 18:21:34, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.2001, decode.acc_seg: 67.9520, aux.loss_ce: 0.7245, aux.acc_seg: 60.2865, loss: 1.9246, grad_norm: 4.1246 2023-11-13 17:12:09,015 - mmseg - INFO - Iter [1950/160000] lr: 1.882e-06, eta: 18:20:13, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 1.2426, decode.acc_seg: 68.0785, aux.loss_ce: 0.7513, aux.acc_seg: 59.7576, loss: 1.9939, grad_norm: 3.9747 2023-11-13 17:12:29,074 - mmseg - INFO - Saving checkpoint at 2000 iterations 2023-11-13 17:12:37,272 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:12:37,272 - mmseg - INFO - Iter [2000/160000] lr: 1.881e-06, eta: 18:29:35, time: 0.565, data_time: 0.005, memory: 16105, decode.loss_ce: 1.2262, decode.acc_seg: 67.7837, aux.loss_ce: 0.7287, aux.acc_seg: 60.0602, loss: 1.9549, grad_norm: 5.8384 2023-11-13 17:12:57,494 - mmseg - INFO - Iter [2050/160000] lr: 1.881e-06, eta: 18:28:08, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.2173, decode.acc_seg: 68.6445, aux.loss_ce: 0.7271, aux.acc_seg: 61.5510, loss: 1.9444, grad_norm: 4.5563 2023-11-13 17:13:17,894 - mmseg - INFO - Iter [2100/160000] lr: 1.880e-06, eta: 18:26:58, time: 0.408, data_time: 0.005, memory: 16105, decode.loss_ce: 1.1672, decode.acc_seg: 67.8067, aux.loss_ce: 0.6835, aux.acc_seg: 60.1185, loss: 1.8507, grad_norm: 4.8645 2023-11-13 17:13:38,132 - mmseg - INFO - Iter [2150/160000] lr: 1.879e-06, eta: 18:25:39, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 1.1468, decode.acc_seg: 69.3557, aux.loss_ce: 0.6796, aux.acc_seg: 61.9195, loss: 1.8264, grad_norm: 4.1102 2023-11-13 17:13:58,227 - mmseg - INFO - Iter [2200/160000] lr: 1.879e-06, eta: 18:24:12, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.1203, decode.acc_seg: 69.6826, aux.loss_ce: 0.6675, aux.acc_seg: 61.9128, loss: 1.7878, grad_norm: 4.1265 2023-11-13 17:14:18,334 - mmseg - INFO - Iter [2250/160000] lr: 1.878e-06, eta: 18:22:49, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0580, decode.acc_seg: 70.3539, aux.loss_ce: 0.6383, aux.acc_seg: 62.2275, loss: 1.6964, grad_norm: 4.5956 2023-11-13 17:14:38,441 - mmseg - INFO - Iter [2300/160000] lr: 1.878e-06, eta: 18:21:29, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0980, decode.acc_seg: 70.2543, aux.loss_ce: 0.6500, aux.acc_seg: 62.3051, loss: 1.7480, grad_norm: 4.6200 2023-11-13 17:14:58,535 - mmseg - INFO - Iter [2350/160000] lr: 1.877e-06, eta: 18:20:10, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.1002, decode.acc_seg: 69.4622, aux.loss_ce: 0.6489, aux.acc_seg: 61.7992, loss: 1.7491, grad_norm: 4.0365 2023-11-13 17:15:18,618 - mmseg - INFO - Iter [2400/160000] lr: 1.876e-06, eta: 18:18:53, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0929, decode.acc_seg: 70.0250, aux.loss_ce: 0.6383, aux.acc_seg: 63.1167, loss: 1.7313, grad_norm: 4.5737 2023-11-13 17:15:38,690 - mmseg - INFO - Iter [2450/160000] lr: 1.876e-06, eta: 18:17:38, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0898, decode.acc_seg: 69.5751, aux.loss_ce: 0.6361, aux.acc_seg: 62.6999, loss: 1.7259, grad_norm: 4.5526 2023-11-13 17:15:58,873 - mmseg - INFO - Iter [2500/160000] lr: 1.875e-06, eta: 18:16:32, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0546, decode.acc_seg: 70.1214, aux.loss_ce: 0.6186, aux.acc_seg: 63.2897, loss: 1.6732, grad_norm: 4.3487 2023-11-13 17:16:21,421 - mmseg - INFO - Iter [2550/160000] lr: 1.875e-06, eta: 18:17:53, time: 0.451, data_time: 0.050, memory: 16105, decode.loss_ce: 1.0845, decode.acc_seg: 69.8078, aux.loss_ce: 0.6325, aux.acc_seg: 61.9421, loss: 1.7170, grad_norm: 4.3316 2023-11-13 17:16:41,571 - mmseg - INFO - Iter [2600/160000] lr: 1.874e-06, eta: 18:16:46, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0697, decode.acc_seg: 69.9689, aux.loss_ce: 0.6350, aux.acc_seg: 61.6958, loss: 1.7047, grad_norm: 4.9334 2023-11-13 17:17:01,958 - mmseg - INFO - Iter [2650/160000] lr: 1.873e-06, eta: 18:15:54, time: 0.408, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0408, decode.acc_seg: 70.2591, aux.loss_ce: 0.6118, aux.acc_seg: 62.8405, loss: 1.6526, grad_norm: 4.4769 2023-11-13 17:17:22,116 - mmseg - INFO - Iter [2700/160000] lr: 1.873e-06, eta: 18:14:50, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0362, decode.acc_seg: 71.5115, aux.loss_ce: 0.6145, aux.acc_seg: 63.4693, loss: 1.6506, grad_norm: 4.0562 2023-11-13 17:17:42,284 - mmseg - INFO - Iter [2750/160000] lr: 1.872e-06, eta: 18:13:49, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9875, decode.acc_seg: 71.7375, aux.loss_ce: 0.5767, aux.acc_seg: 64.5305, loss: 1.5642, grad_norm: 4.5960 2023-11-13 17:18:02,353 - mmseg - INFO - Iter [2800/160000] lr: 1.872e-06, eta: 18:12:43, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0495, decode.acc_seg: 69.6142, aux.loss_ce: 0.6049, aux.acc_seg: 62.8782, loss: 1.6544, grad_norm: 5.5786 2023-11-13 17:18:22,573 - mmseg - INFO - Iter [2850/160000] lr: 1.871e-06, eta: 18:11:47, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0018, decode.acc_seg: 70.9396, aux.loss_ce: 0.5830, aux.acc_seg: 63.8197, loss: 1.5848, grad_norm: 4.3997 2023-11-13 17:18:42,661 - mmseg - INFO - Iter [2900/160000] lr: 1.870e-06, eta: 18:10:45, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9781, decode.acc_seg: 70.0947, aux.loss_ce: 0.5660, aux.acc_seg: 63.4376, loss: 1.5441, grad_norm: 4.5569 2023-11-13 17:19:02,843 - mmseg - INFO - Iter [2950/160000] lr: 1.870e-06, eta: 18:09:50, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 1.0177, decode.acc_seg: 70.0966, aux.loss_ce: 0.5848, aux.acc_seg: 63.1851, loss: 1.6025, grad_norm: 4.1416 2023-11-13 17:19:22,899 - mmseg - INFO - Saving checkpoint at 3000 iterations 2023-11-13 17:19:30,541 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:19:30,541 - mmseg - INFO - Iter [3000/160000] lr: 1.869e-06, eta: 18:15:30, time: 0.554, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9356, decode.acc_seg: 72.8476, aux.loss_ce: 0.5496, aux.acc_seg: 65.4359, loss: 1.4852, grad_norm: 5.0216 2023-11-13 17:19:50,735 - mmseg - INFO - Iter [3050/160000] lr: 1.869e-06, eta: 18:14:30, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8984, decode.acc_seg: 73.4143, aux.loss_ce: 0.5314, aux.acc_seg: 66.4728, loss: 1.4298, grad_norm: 4.1254 2023-11-13 17:20:11,073 - mmseg - INFO - Iter [3100/160000] lr: 1.868e-06, eta: 18:13:40, time: 0.407, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9346, decode.acc_seg: 72.5073, aux.loss_ce: 0.5430, aux.acc_seg: 65.0138, loss: 1.4776, grad_norm: 4.6691 2023-11-13 17:20:31,288 - mmseg - INFO - Iter [3150/160000] lr: 1.867e-06, eta: 18:12:44, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9924, decode.acc_seg: 70.9751, aux.loss_ce: 0.5678, aux.acc_seg: 64.4344, loss: 1.5602, grad_norm: 4.4397 2023-11-13 17:20:51,409 - mmseg - INFO - Iter [3200/160000] lr: 1.867e-06, eta: 18:11:45, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9002, decode.acc_seg: 72.7198, aux.loss_ce: 0.5261, aux.acc_seg: 66.0010, loss: 1.4262, grad_norm: 4.1720 2023-11-13 17:21:11,530 - mmseg - INFO - Iter [3250/160000] lr: 1.866e-06, eta: 18:10:47, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9663, decode.acc_seg: 71.9890, aux.loss_ce: 0.5616, aux.acc_seg: 64.4784, loss: 1.5279, grad_norm: 4.9656 2023-11-13 17:21:31,797 - mmseg - INFO - Iter [3300/160000] lr: 1.866e-06, eta: 18:09:57, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.9102, decode.acc_seg: 71.8822, aux.loss_ce: 0.5285, aux.acc_seg: 65.5110, loss: 1.4387, grad_norm: 4.3752 2023-11-13 17:21:51,908 - mmseg - INFO - Iter [3350/160000] lr: 1.865e-06, eta: 18:09:01, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9023, decode.acc_seg: 72.5417, aux.loss_ce: 0.5265, aux.acc_seg: 65.3821, loss: 1.4288, grad_norm: 4.4309 2023-11-13 17:22:12,233 - mmseg - INFO - Iter [3400/160000] lr: 1.865e-06, eta: 18:08:16, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.9255, decode.acc_seg: 72.4460, aux.loss_ce: 0.5376, aux.acc_seg: 65.6142, loss: 1.4632, grad_norm: 4.0863 2023-11-13 17:22:32,383 - mmseg - INFO - Iter [3450/160000] lr: 1.864e-06, eta: 18:07:23, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8949, decode.acc_seg: 72.5474, aux.loss_ce: 0.5149, aux.acc_seg: 66.2120, loss: 1.4098, grad_norm: 4.7154 2023-11-13 17:22:52,585 - mmseg - INFO - Iter [3500/160000] lr: 1.863e-06, eta: 18:06:32, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9088, decode.acc_seg: 72.5188, aux.loss_ce: 0.5293, aux.acc_seg: 65.4629, loss: 1.4382, grad_norm: 4.8816 2023-11-13 17:23:12,982 - mmseg - INFO - Iter [3550/160000] lr: 1.863e-06, eta: 18:05:54, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.8868, decode.acc_seg: 73.2723, aux.loss_ce: 0.5125, aux.acc_seg: 66.9289, loss: 1.3993, grad_norm: 4.6921 2023-11-13 17:23:33,093 - mmseg - INFO - Iter [3600/160000] lr: 1.862e-06, eta: 18:05:02, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8907, decode.acc_seg: 73.8330, aux.loss_ce: 0.5191, aux.acc_seg: 67.1204, loss: 1.4097, grad_norm: 3.5390 2023-11-13 17:23:53,208 - mmseg - INFO - Iter [3650/160000] lr: 1.862e-06, eta: 18:04:12, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.9099, decode.acc_seg: 73.1401, aux.loss_ce: 0.5265, aux.acc_seg: 66.0525, loss: 1.4364, grad_norm: 4.4809 2023-11-13 17:24:13,311 - mmseg - INFO - Iter [3700/160000] lr: 1.861e-06, eta: 18:03:21, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8603, decode.acc_seg: 73.9226, aux.loss_ce: 0.5105, aux.acc_seg: 66.9647, loss: 1.3708, grad_norm: 4.0416 2023-11-13 17:24:33,380 - mmseg - INFO - Iter [3750/160000] lr: 1.860e-06, eta: 18:02:30, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8810, decode.acc_seg: 72.8837, aux.loss_ce: 0.5124, aux.acc_seg: 65.8865, loss: 1.3933, grad_norm: 4.7722 2023-11-13 17:24:55,874 - mmseg - INFO - Iter [3800/160000] lr: 1.860e-06, eta: 18:03:20, time: 0.450, data_time: 0.050, memory: 16105, decode.loss_ce: 0.8891, decode.acc_seg: 72.7621, aux.loss_ce: 0.5161, aux.acc_seg: 65.7949, loss: 1.4052, grad_norm: 5.2388 2023-11-13 17:25:15,958 - mmseg - INFO - Iter [3850/160000] lr: 1.859e-06, eta: 18:02:30, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8133, decode.acc_seg: 74.6926, aux.loss_ce: 0.4777, aux.acc_seg: 68.2554, loss: 1.2910, grad_norm: 4.2515 2023-11-13 17:25:36,020 - mmseg - INFO - Iter [3900/160000] lr: 1.859e-06, eta: 18:01:39, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8321, decode.acc_seg: 74.1514, aux.loss_ce: 0.5030, aux.acc_seg: 67.0939, loss: 1.3351, grad_norm: 4.3731 2023-11-13 17:25:56,097 - mmseg - INFO - Iter [3950/160000] lr: 1.858e-06, eta: 18:00:50, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8115, decode.acc_seg: 75.0312, aux.loss_ce: 0.4827, aux.acc_seg: 67.9503, loss: 1.2942, grad_norm: 4.8517 2023-11-13 17:26:16,600 - mmseg - INFO - Saving checkpoint at 4000 iterations 2023-11-13 17:26:24,433 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:26:24,433 - mmseg - INFO - Iter [4000/160000] lr: 1.857e-06, eta: 18:05:25, time: 0.567, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8996, decode.acc_seg: 72.9187, aux.loss_ce: 0.5196, aux.acc_seg: 65.8948, loss: 1.4193, grad_norm: 5.2080 2023-11-13 17:26:44,514 - mmseg - INFO - Iter [4050/160000] lr: 1.857e-06, eta: 18:04:33, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8378, decode.acc_seg: 73.3560, aux.loss_ce: 0.4996, aux.acc_seg: 66.2200, loss: 1.3374, grad_norm: 4.5453 2023-11-13 17:27:04,613 - mmseg - INFO - Iter [4100/160000] lr: 1.856e-06, eta: 18:03:43, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8278, decode.acc_seg: 74.2147, aux.loss_ce: 0.4938, aux.acc_seg: 65.6636, loss: 1.3216, grad_norm: 4.6811 2023-11-13 17:27:24,795 - mmseg - INFO - Iter [4150/160000] lr: 1.856e-06, eta: 18:02:57, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8608, decode.acc_seg: 72.7340, aux.loss_ce: 0.4957, aux.acc_seg: 66.3759, loss: 1.3566, grad_norm: 4.9010 2023-11-13 17:27:44,860 - mmseg - INFO - Iter [4200/160000] lr: 1.855e-06, eta: 18:02:07, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8159, decode.acc_seg: 73.9574, aux.loss_ce: 0.4831, aux.acc_seg: 67.6713, loss: 1.2989, grad_norm: 5.0593 2023-11-13 17:28:04,927 - mmseg - INFO - Iter [4250/160000] lr: 1.854e-06, eta: 18:01:18, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8457, decode.acc_seg: 73.2195, aux.loss_ce: 0.5059, aux.acc_seg: 65.9159, loss: 1.3516, grad_norm: 4.5839 2023-11-13 17:28:25,185 - mmseg - INFO - Iter [4300/160000] lr: 1.854e-06, eta: 18:00:37, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 0.8426, decode.acc_seg: 73.5982, aux.loss_ce: 0.4951, aux.acc_seg: 66.1197, loss: 1.3377, grad_norm: 4.6356 2023-11-13 17:28:45,334 - mmseg - INFO - Iter [4350/160000] lr: 1.853e-06, eta: 17:59:52, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7640, decode.acc_seg: 76.0523, aux.loss_ce: 0.4693, aux.acc_seg: 67.7303, loss: 1.2333, grad_norm: 4.4397 2023-11-13 17:29:05,375 - mmseg - INFO - Iter [4400/160000] lr: 1.853e-06, eta: 17:59:04, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7845, decode.acc_seg: 74.6737, aux.loss_ce: 0.4750, aux.acc_seg: 66.7711, loss: 1.2595, grad_norm: 4.2975 2023-11-13 17:29:25,526 - mmseg - INFO - Iter [4450/160000] lr: 1.852e-06, eta: 17:58:20, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7592, decode.acc_seg: 75.9645, aux.loss_ce: 0.4528, aux.acc_seg: 69.2729, loss: 1.2120, grad_norm: 3.8853 2023-11-13 17:29:45,872 - mmseg - INFO - Iter [4500/160000] lr: 1.851e-06, eta: 17:57:43, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7876, decode.acc_seg: 75.7126, aux.loss_ce: 0.4696, aux.acc_seg: 68.3479, loss: 1.2571, grad_norm: 4.1617 2023-11-13 17:30:06,115 - mmseg - INFO - Iter [4550/160000] lr: 1.851e-06, eta: 17:57:04, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7893, decode.acc_seg: 74.3184, aux.loss_ce: 0.4631, aux.acc_seg: 68.1765, loss: 1.2524, grad_norm: 5.8377 2023-11-13 17:30:26,302 - mmseg - INFO - Iter [4600/160000] lr: 1.850e-06, eta: 17:56:23, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7549, decode.acc_seg: 76.3230, aux.loss_ce: 0.4566, aux.acc_seg: 68.4966, loss: 1.2115, grad_norm: 4.5781 2023-11-13 17:30:46,357 - mmseg - INFO - Iter [4650/160000] lr: 1.850e-06, eta: 17:55:38, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7274, decode.acc_seg: 76.9422, aux.loss_ce: 0.4395, aux.acc_seg: 69.3640, loss: 1.1669, grad_norm: 4.4368 2023-11-13 17:31:06,615 - mmseg - INFO - Iter [4700/160000] lr: 1.849e-06, eta: 17:55:00, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7600, decode.acc_seg: 75.8527, aux.loss_ce: 0.4562, aux.acc_seg: 68.3093, loss: 1.2161, grad_norm: 5.2038 2023-11-13 17:31:26,657 - mmseg - INFO - Iter [4750/160000] lr: 1.848e-06, eta: 17:54:16, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7219, decode.acc_seg: 76.4024, aux.loss_ce: 0.4342, aux.acc_seg: 68.7784, loss: 1.1562, grad_norm: 5.3965 2023-11-13 17:31:46,832 - mmseg - INFO - Iter [4800/160000] lr: 1.848e-06, eta: 17:53:36, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7511, decode.acc_seg: 75.6056, aux.loss_ce: 0.4472, aux.acc_seg: 67.8919, loss: 1.1984, grad_norm: 4.6800 2023-11-13 17:32:06,902 - mmseg - INFO - Iter [4850/160000] lr: 1.847e-06, eta: 17:52:53, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7886, decode.acc_seg: 75.1612, aux.loss_ce: 0.4640, aux.acc_seg: 67.8652, loss: 1.2526, grad_norm: 4.4291 2023-11-13 17:32:27,068 - mmseg - INFO - Iter [4900/160000] lr: 1.847e-06, eta: 17:52:14, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7446, decode.acc_seg: 76.1178, aux.loss_ce: 0.4525, aux.acc_seg: 68.7213, loss: 1.1971, grad_norm: 4.5746 2023-11-13 17:32:47,604 - mmseg - INFO - Iter [4950/160000] lr: 1.846e-06, eta: 17:51:47, time: 0.411, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7237, decode.acc_seg: 77.1395, aux.loss_ce: 0.4429, aux.acc_seg: 69.3608, loss: 1.1666, grad_norm: 4.6687 2023-11-13 17:33:07,667 - mmseg - INFO - Saving checkpoint at 5000 iterations 2023-11-13 17:33:15,241 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:33:15,241 - mmseg - INFO - Iter [5000/160000] lr: 1.845e-06, eta: 17:55:01, time: 0.553, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7608, decode.acc_seg: 75.0979, aux.loss_ce: 0.4653, aux.acc_seg: 67.3279, loss: 1.2261, grad_norm: 4.3810 2023-11-13 17:33:35,530 - mmseg - INFO - Iter [5050/160000] lr: 1.845e-06, eta: 17:54:24, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7564, decode.acc_seg: 75.4263, aux.loss_ce: 0.4561, aux.acc_seg: 68.0350, loss: 1.2125, grad_norm: 4.8621 2023-11-13 17:33:58,005 - mmseg - INFO - Iter [5100/160000] lr: 1.844e-06, eta: 17:54:54, time: 0.449, data_time: 0.050, memory: 16105, decode.loss_ce: 0.7571, decode.acc_seg: 75.6388, aux.loss_ce: 0.4605, aux.acc_seg: 67.9225, loss: 1.2175, grad_norm: 5.0393 2023-11-13 17:34:18,117 - mmseg - INFO - Iter [5150/160000] lr: 1.844e-06, eta: 17:54:12, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7374, decode.acc_seg: 76.7430, aux.loss_ce: 0.4500, aux.acc_seg: 68.8708, loss: 1.1874, grad_norm: 4.7027 2023-11-13 17:34:38,351 - mmseg - INFO - Iter [5200/160000] lr: 1.843e-06, eta: 17:53:34, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7400, decode.acc_seg: 76.6969, aux.loss_ce: 0.4446, aux.acc_seg: 68.6964, loss: 1.1846, grad_norm: 4.5764 2023-11-13 17:34:58,429 - mmseg - INFO - Iter [5250/160000] lr: 1.842e-06, eta: 17:52:51, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7217, decode.acc_seg: 76.6671, aux.loss_ce: 0.4372, aux.acc_seg: 69.1736, loss: 1.1590, grad_norm: 4.8079 2023-11-13 17:35:18,576 - mmseg - INFO - Iter [5300/160000] lr: 1.842e-06, eta: 17:52:12, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6898, decode.acc_seg: 76.6117, aux.loss_ce: 0.4220, aux.acc_seg: 69.2564, loss: 1.1119, grad_norm: 4.7525 2023-11-13 17:35:38,736 - mmseg - INFO - Iter [5350/160000] lr: 1.841e-06, eta: 17:51:32, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7108, decode.acc_seg: 76.8895, aux.loss_ce: 0.4369, aux.acc_seg: 68.6526, loss: 1.1478, grad_norm: 4.6430 2023-11-13 17:35:59,325 - mmseg - INFO - Iter [5400/160000] lr: 1.841e-06, eta: 17:51:06, time: 0.412, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7468, decode.acc_seg: 76.3332, aux.loss_ce: 0.4501, aux.acc_seg: 68.6966, loss: 1.1969, grad_norm: 4.4138 2023-11-13 17:36:19,518 - mmseg - INFO - Iter [5450/160000] lr: 1.840e-06, eta: 17:50:28, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6968, decode.acc_seg: 77.1660, aux.loss_ce: 0.4370, aux.acc_seg: 68.6014, loss: 1.1338, grad_norm: 5.0631 2023-11-13 17:36:39,569 - mmseg - INFO - Iter [5500/160000] lr: 1.839e-06, eta: 17:49:47, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6820, decode.acc_seg: 77.9772, aux.loss_ce: 0.4210, aux.acc_seg: 70.3792, loss: 1.1031, grad_norm: 3.9748 2023-11-13 17:36:59,625 - mmseg - INFO - Iter [5550/160000] lr: 1.839e-06, eta: 17:49:06, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7035, decode.acc_seg: 76.8077, aux.loss_ce: 0.4303, aux.acc_seg: 69.0945, loss: 1.1337, grad_norm: 4.1517 2023-11-13 17:37:19,810 - mmseg - INFO - Iter [5600/160000] lr: 1.838e-06, eta: 17:48:30, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6938, decode.acc_seg: 77.2156, aux.loss_ce: 0.4290, aux.acc_seg: 69.0934, loss: 1.1228, grad_norm: 4.8109 2023-11-13 17:37:39,883 - mmseg - INFO - Iter [5650/160000] lr: 1.838e-06, eta: 17:47:50, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7090, decode.acc_seg: 77.2601, aux.loss_ce: 0.4386, aux.acc_seg: 69.0196, loss: 1.1476, grad_norm: 3.9422 2023-11-13 17:37:59,974 - mmseg - INFO - Iter [5700/160000] lr: 1.837e-06, eta: 17:47:11, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.7071, decode.acc_seg: 76.1487, aux.loss_ce: 0.4328, aux.acc_seg: 68.1617, loss: 1.1399, grad_norm: 5.2062 2023-11-13 17:38:20,060 - mmseg - INFO - Iter [5750/160000] lr: 1.837e-06, eta: 17:46:33, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6843, decode.acc_seg: 76.6562, aux.loss_ce: 0.4184, aux.acc_seg: 69.4878, loss: 1.1027, grad_norm: 4.6661 2023-11-13 17:38:40,149 - mmseg - INFO - Iter [5800/160000] lr: 1.836e-06, eta: 17:45:55, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6872, decode.acc_seg: 76.7712, aux.loss_ce: 0.4155, aux.acc_seg: 69.7049, loss: 1.1027, grad_norm: 5.3545 2023-11-13 17:39:00,752 - mmseg - INFO - Iter [5850/160000] lr: 1.835e-06, eta: 17:45:30, time: 0.412, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6528, decode.acc_seg: 77.6140, aux.loss_ce: 0.3938, aux.acc_seg: 70.6734, loss: 1.0466, grad_norm: 4.8802 2023-11-13 17:39:21,015 - mmseg - INFO - Iter [5900/160000] lr: 1.835e-06, eta: 17:44:57, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6865, decode.acc_seg: 77.0236, aux.loss_ce: 0.4215, aux.acc_seg: 68.8209, loss: 1.1080, grad_norm: 4.5192 2023-11-13 17:39:41,235 - mmseg - INFO - Iter [5950/160000] lr: 1.834e-06, eta: 17:44:23, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6843, decode.acc_seg: 76.6769, aux.loss_ce: 0.4126, aux.acc_seg: 69.8547, loss: 1.0969, grad_norm: 4.6762 2023-11-13 17:40:01,305 - mmseg - INFO - Saving checkpoint at 6000 iterations 2023-11-13 17:40:09,915 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:40:09,916 - mmseg - INFO - Iter [6000/160000] lr: 1.834e-06, eta: 17:47:27, time: 0.574, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6843, decode.acc_seg: 77.2598, aux.loss_ce: 0.4167, aux.acc_seg: 69.6387, loss: 1.1010, grad_norm: 4.5326 2023-11-13 17:40:30,199 - mmseg - INFO - Iter [6050/160000] lr: 1.833e-06, eta: 17:46:53, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.7003, decode.acc_seg: 75.8528, aux.loss_ce: 0.4157, aux.acc_seg: 69.2072, loss: 1.1160, grad_norm: 5.9928 2023-11-13 17:40:50,338 - mmseg - INFO - Iter [6100/160000] lr: 1.832e-06, eta: 17:46:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6956, decode.acc_seg: 75.6501, aux.loss_ce: 0.4165, aux.acc_seg: 68.6344, loss: 1.1121, grad_norm: 5.2626 2023-11-13 17:41:10,441 - mmseg - INFO - Iter [6150/160000] lr: 1.832e-06, eta: 17:45:38, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6744, decode.acc_seg: 77.2694, aux.loss_ce: 0.4163, aux.acc_seg: 69.3787, loss: 1.0906, grad_norm: 4.3046 2023-11-13 17:41:30,559 - mmseg - INFO - Iter [6200/160000] lr: 1.831e-06, eta: 17:45:01, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6772, decode.acc_seg: 77.5462, aux.loss_ce: 0.4116, aux.acc_seg: 69.7462, loss: 1.0888, grad_norm: 4.7962 2023-11-13 17:41:50,702 - mmseg - INFO - Iter [6250/160000] lr: 1.831e-06, eta: 17:44:24, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6784, decode.acc_seg: 77.2615, aux.loss_ce: 0.4215, aux.acc_seg: 69.1458, loss: 1.0999, grad_norm: 3.8626 2023-11-13 17:42:11,125 - mmseg - INFO - Iter [6300/160000] lr: 1.830e-06, eta: 17:43:55, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6549, decode.acc_seg: 78.3893, aux.loss_ce: 0.4034, aux.acc_seg: 70.3352, loss: 1.0583, grad_norm: 4.8777 2023-11-13 17:42:33,594 - mmseg - INFO - Iter [6350/160000] lr: 1.829e-06, eta: 17:44:15, time: 0.449, data_time: 0.050, memory: 16105, decode.loss_ce: 0.6292, decode.acc_seg: 78.6240, aux.loss_ce: 0.3932, aux.acc_seg: 70.6650, loss: 1.0224, grad_norm: 3.9618 2023-11-13 17:42:53,692 - mmseg - INFO - Iter [6400/160000] lr: 1.829e-06, eta: 17:43:38, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6128, decode.acc_seg: 78.9498, aux.loss_ce: 0.3806, aux.acc_seg: 71.3958, loss: 0.9934, grad_norm: 4.2460 2023-11-13 17:43:13,785 - mmseg - INFO - Iter [6450/160000] lr: 1.828e-06, eta: 17:43:01, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6684, decode.acc_seg: 77.7650, aux.loss_ce: 0.4165, aux.acc_seg: 69.7291, loss: 1.0848, grad_norm: 4.9731 2023-11-13 17:43:33,911 - mmseg - INFO - Iter [6500/160000] lr: 1.828e-06, eta: 17:42:25, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6364, decode.acc_seg: 77.7011, aux.loss_ce: 0.3991, aux.acc_seg: 69.4678, loss: 1.0356, grad_norm: 4.1401 2023-11-13 17:43:53,983 - mmseg - INFO - Iter [6550/160000] lr: 1.827e-06, eta: 17:41:48, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6252, decode.acc_seg: 78.6512, aux.loss_ce: 0.4007, aux.acc_seg: 69.8733, loss: 1.0259, grad_norm: 4.2818 2023-11-13 17:44:14,021 - mmseg - INFO - Iter [6600/160000] lr: 1.826e-06, eta: 17:41:11, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6281, decode.acc_seg: 78.1971, aux.loss_ce: 0.3922, aux.acc_seg: 70.5397, loss: 1.0203, grad_norm: 4.1976 2023-11-13 17:44:34,064 - mmseg - INFO - Iter [6650/160000] lr: 1.826e-06, eta: 17:40:34, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6321, decode.acc_seg: 78.0580, aux.loss_ce: 0.3877, aux.acc_seg: 71.1250, loss: 1.0198, grad_norm: 4.4224 2023-11-13 17:44:54,106 - mmseg - INFO - Iter [6700/160000] lr: 1.825e-06, eta: 17:39:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6286, decode.acc_seg: 78.0278, aux.loss_ce: 0.3899, aux.acc_seg: 70.6501, loss: 1.0186, grad_norm: 4.3885 2023-11-13 17:45:14,320 - mmseg - INFO - Iter [6750/160000] lr: 1.825e-06, eta: 17:39:24, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6656, decode.acc_seg: 77.3299, aux.loss_ce: 0.4096, aux.acc_seg: 69.5136, loss: 1.0752, grad_norm: 5.1529 2023-11-13 17:45:34,778 - mmseg - INFO - Iter [6800/160000] lr: 1.824e-06, eta: 17:38:57, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6589, decode.acc_seg: 77.6783, aux.loss_ce: 0.4046, aux.acc_seg: 70.3772, loss: 1.0636, grad_norm: 4.8380 2023-11-13 17:45:54,902 - mmseg - INFO - Iter [6850/160000] lr: 1.823e-06, eta: 17:38:23, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6094, decode.acc_seg: 78.9013, aux.loss_ce: 0.3849, aux.acc_seg: 71.2976, loss: 0.9943, grad_norm: 4.6708 2023-11-13 17:46:15,059 - mmseg - INFO - Iter [6900/160000] lr: 1.823e-06, eta: 17:37:49, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6257, decode.acc_seg: 78.3942, aux.loss_ce: 0.3895, aux.acc_seg: 70.2460, loss: 1.0151, grad_norm: 4.3920 2023-11-13 17:46:35,248 - mmseg - INFO - Iter [6950/160000] lr: 1.822e-06, eta: 17:37:16, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6474, decode.acc_seg: 77.4268, aux.loss_ce: 0.3927, aux.acc_seg: 69.8301, loss: 1.0401, grad_norm: 4.5375 2023-11-13 17:46:55,335 - mmseg - INFO - Saving checkpoint at 7000 iterations 2023-11-13 17:47:03,218 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:47:03,219 - mmseg - INFO - Iter [7000/160000] lr: 1.822e-06, eta: 17:39:34, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6243, decode.acc_seg: 78.9122, aux.loss_ce: 0.3862, aux.acc_seg: 71.0520, loss: 1.0105, grad_norm: 4.2696 2023-11-13 17:47:23,303 - mmseg - INFO - Iter [7050/160000] lr: 1.821e-06, eta: 17:38:58, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6190, decode.acc_seg: 78.2688, aux.loss_ce: 0.3938, aux.acc_seg: 69.7104, loss: 1.0128, grad_norm: 4.6383 2023-11-13 17:47:43,545 - mmseg - INFO - Iter [7100/160000] lr: 1.820e-06, eta: 17:38:26, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6393, decode.acc_seg: 77.8632, aux.loss_ce: 0.3961, aux.acc_seg: 70.1231, loss: 1.0355, grad_norm: 4.1783 2023-11-13 17:48:03,711 - mmseg - INFO - Iter [7150/160000] lr: 1.820e-06, eta: 17:37:53, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6332, decode.acc_seg: 77.9640, aux.loss_ce: 0.3935, aux.acc_seg: 70.1484, loss: 1.0268, grad_norm: 4.5581 2023-11-13 17:48:23,748 - mmseg - INFO - Iter [7200/160000] lr: 1.819e-06, eta: 17:37:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6681, decode.acc_seg: 77.1612, aux.loss_ce: 0.4009, aux.acc_seg: 69.6172, loss: 1.0689, grad_norm: 5.1441 2023-11-13 17:48:44,314 - mmseg - INFO - Iter [7250/160000] lr: 1.819e-06, eta: 17:36:51, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6391, decode.acc_seg: 78.0446, aux.loss_ce: 0.3827, aux.acc_seg: 70.5494, loss: 1.0218, grad_norm: 5.0167 2023-11-13 17:49:04,374 - mmseg - INFO - Iter [7300/160000] lr: 1.818e-06, eta: 17:36:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6282, decode.acc_seg: 78.6408, aux.loss_ce: 0.3892, aux.acc_seg: 70.4773, loss: 1.0174, grad_norm: 4.5076 2023-11-13 17:49:24,429 - mmseg - INFO - Iter [7350/160000] lr: 1.817e-06, eta: 17:35:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6346, decode.acc_seg: 78.1679, aux.loss_ce: 0.3846, aux.acc_seg: 70.5664, loss: 1.0192, grad_norm: 5.4811 2023-11-13 17:49:44,451 - mmseg - INFO - Iter [7400/160000] lr: 1.817e-06, eta: 17:35:05, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5988, decode.acc_seg: 79.2609, aux.loss_ce: 0.3742, aux.acc_seg: 71.7614, loss: 0.9730, grad_norm: 5.1839 2023-11-13 17:50:04,530 - mmseg - INFO - Iter [7450/160000] lr: 1.816e-06, eta: 17:34:31, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6484, decode.acc_seg: 77.8636, aux.loss_ce: 0.3921, aux.acc_seg: 70.7999, loss: 1.0404, grad_norm: 3.9971 2023-11-13 17:50:24,688 - mmseg - INFO - Iter [7500/160000] lr: 1.816e-06, eta: 17:33:58, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5994, decode.acc_seg: 79.1866, aux.loss_ce: 0.3661, aux.acc_seg: 72.7277, loss: 0.9654, grad_norm: 4.6643 2023-11-13 17:50:44,920 - mmseg - INFO - Iter [7550/160000] lr: 1.815e-06, eta: 17:33:27, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6051, decode.acc_seg: 78.3193, aux.loss_ce: 0.3737, aux.acc_seg: 70.5999, loss: 0.9788, grad_norm: 4.6004 2023-11-13 17:51:07,324 - mmseg - INFO - Iter [7600/160000] lr: 1.814e-06, eta: 17:33:40, time: 0.448, data_time: 0.051, memory: 16105, decode.loss_ce: 0.6121, decode.acc_seg: 78.5363, aux.loss_ce: 0.3830, aux.acc_seg: 70.5164, loss: 0.9951, grad_norm: 4.9054 2023-11-13 17:51:27,417 - mmseg - INFO - Iter [7650/160000] lr: 1.814e-06, eta: 17:33:07, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5764, decode.acc_seg: 79.3254, aux.loss_ce: 0.3655, aux.acc_seg: 70.7383, loss: 0.9419, grad_norm: 4.4679 2023-11-13 17:51:47,926 - mmseg - INFO - Iter [7700/160000] lr: 1.813e-06, eta: 17:32:41, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5970, decode.acc_seg: 78.5162, aux.loss_ce: 0.3714, aux.acc_seg: 70.6306, loss: 0.9684, grad_norm: 5.0421 2023-11-13 17:52:08,004 - mmseg - INFO - Iter [7750/160000] lr: 1.813e-06, eta: 17:32:08, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5844, decode.acc_seg: 79.0876, aux.loss_ce: 0.3703, aux.acc_seg: 71.3622, loss: 0.9547, grad_norm: 4.0011 2023-11-13 17:52:28,081 - mmseg - INFO - Iter [7800/160000] lr: 1.812e-06, eta: 17:31:34, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5871, decode.acc_seg: 79.1157, aux.loss_ce: 0.3766, aux.acc_seg: 70.9451, loss: 0.9637, grad_norm: 4.6829 2023-11-13 17:52:48,305 - mmseg - INFO - Iter [7850/160000] lr: 1.812e-06, eta: 17:31:04, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5946, decode.acc_seg: 78.7751, aux.loss_ce: 0.3680, aux.acc_seg: 70.9051, loss: 0.9625, grad_norm: 4.7758 2023-11-13 17:53:08,380 - mmseg - INFO - Iter [7900/160000] lr: 1.811e-06, eta: 17:30:30, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6031, decode.acc_seg: 78.5682, aux.loss_ce: 0.3742, aux.acc_seg: 70.7821, loss: 0.9773, grad_norm: 4.3002 2023-11-13 17:53:28,456 - mmseg - INFO - Iter [7950/160000] lr: 1.810e-06, eta: 17:29:57, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5987, decode.acc_seg: 78.7964, aux.loss_ce: 0.3707, aux.acc_seg: 71.4832, loss: 0.9694, grad_norm: 5.2146 2023-11-13 17:53:48,514 - mmseg - INFO - Saving checkpoint at 8000 iterations 2023-11-13 17:53:56,545 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 17:53:56,546 - mmseg - INFO - Iter [8000/160000] lr: 1.810e-06, eta: 17:31:57, time: 0.562, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6014, decode.acc_seg: 78.9661, aux.loss_ce: 0.3778, aux.acc_seg: 70.3112, loss: 0.9792, grad_norm: 4.9324 2023-11-13 17:54:16,600 - mmseg - INFO - Iter [8050/160000] lr: 1.809e-06, eta: 17:31:23, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5829, decode.acc_seg: 79.7754, aux.loss_ce: 0.3639, aux.acc_seg: 71.9145, loss: 0.9468, grad_norm: 4.5841 2023-11-13 17:54:36,743 - mmseg - INFO - Iter [8100/160000] lr: 1.809e-06, eta: 17:30:50, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5859, decode.acc_seg: 79.2334, aux.loss_ce: 0.3631, aux.acc_seg: 71.8058, loss: 0.9490, grad_norm: 5.1400 2023-11-13 17:54:57,207 - mmseg - INFO - Iter [8150/160000] lr: 1.808e-06, eta: 17:30:24, time: 0.409, data_time: 0.005, memory: 16105, decode.loss_ce: 0.6076, decode.acc_seg: 78.7396, aux.loss_ce: 0.3818, aux.acc_seg: 70.6454, loss: 0.9895, grad_norm: 4.6667 2023-11-13 17:55:17,599 - mmseg - INFO - Iter [8200/160000] lr: 1.807e-06, eta: 17:29:57, time: 0.408, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5749, decode.acc_seg: 79.3125, aux.loss_ce: 0.3626, aux.acc_seg: 71.4843, loss: 0.9375, grad_norm: 4.6255 2023-11-13 17:55:37,831 - mmseg - INFO - Iter [8250/160000] lr: 1.807e-06, eta: 17:29:26, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5897, decode.acc_seg: 78.9498, aux.loss_ce: 0.3612, aux.acc_seg: 71.9126, loss: 0.9509, grad_norm: 4.2959 2023-11-13 17:55:57,875 - mmseg - INFO - Iter [8300/160000] lr: 1.806e-06, eta: 17:28:53, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6332, decode.acc_seg: 77.9145, aux.loss_ce: 0.3765, aux.acc_seg: 70.7378, loss: 1.0097, grad_norm: 4.6673 2023-11-13 17:56:18,016 - mmseg - INFO - Iter [8350/160000] lr: 1.806e-06, eta: 17:28:21, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.6228, decode.acc_seg: 78.0972, aux.loss_ce: 0.3864, aux.acc_seg: 69.9882, loss: 1.0092, grad_norm: 4.6608 2023-11-13 17:56:38,122 - mmseg - INFO - Iter [8400/160000] lr: 1.805e-06, eta: 17:27:49, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5730, decode.acc_seg: 79.6847, aux.loss_ce: 0.3552, aux.acc_seg: 71.8510, loss: 0.9283, grad_norm: 4.4100 2023-11-13 17:56:58,132 - mmseg - INFO - Iter [8450/160000] lr: 1.804e-06, eta: 17:27:15, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5800, decode.acc_seg: 80.1175, aux.loss_ce: 0.3596, aux.acc_seg: 72.4336, loss: 0.9396, grad_norm: 4.4225 2023-11-13 17:57:18,155 - mmseg - INFO - Iter [8500/160000] lr: 1.804e-06, eta: 17:26:42, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5736, decode.acc_seg: 79.0902, aux.loss_ce: 0.3602, aux.acc_seg: 71.6930, loss: 0.9338, grad_norm: 3.9387 2023-11-13 17:57:38,174 - mmseg - INFO - Iter [8550/160000] lr: 1.803e-06, eta: 17:26:09, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5941, decode.acc_seg: 78.9015, aux.loss_ce: 0.3760, aux.acc_seg: 70.1136, loss: 0.9701, grad_norm: 4.6414 2023-11-13 17:57:58,419 - mmseg - INFO - Iter [8600/160000] lr: 1.803e-06, eta: 17:25:39, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5783, decode.acc_seg: 79.1531, aux.loss_ce: 0.3529, aux.acc_seg: 72.1538, loss: 0.9312, grad_norm: 4.5500 2023-11-13 17:58:18,861 - mmseg - INFO - Iter [8650/160000] lr: 1.802e-06, eta: 17:25:14, time: 0.409, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5824, decode.acc_seg: 79.6323, aux.loss_ce: 0.3640, aux.acc_seg: 71.9111, loss: 0.9464, grad_norm: 4.5988 2023-11-13 17:58:38,881 - mmseg - INFO - Iter [8700/160000] lr: 1.801e-06, eta: 17:24:41, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5785, decode.acc_seg: 79.6025, aux.loss_ce: 0.3560, aux.acc_seg: 72.0497, loss: 0.9345, grad_norm: 4.8225 2023-11-13 17:58:59,160 - mmseg - INFO - Iter [8750/160000] lr: 1.801e-06, eta: 17:24:13, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5268, decode.acc_seg: 80.5803, aux.loss_ce: 0.3339, aux.acc_seg: 73.2648, loss: 0.8607, grad_norm: 4.3632 2023-11-13 17:59:19,267 - mmseg - INFO - Iter [8800/160000] lr: 1.800e-06, eta: 17:23:42, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5718, decode.acc_seg: 79.5322, aux.loss_ce: 0.3579, aux.acc_seg: 72.2792, loss: 0.9296, grad_norm: 4.6940 2023-11-13 17:59:41,646 - mmseg - INFO - Iter [8850/160000] lr: 1.800e-06, eta: 17:23:49, time: 0.448, data_time: 0.049, memory: 16105, decode.loss_ce: 0.6233, decode.acc_seg: 77.6314, aux.loss_ce: 0.3771, aux.acc_seg: 69.9660, loss: 1.0004, grad_norm: 4.6532 2023-11-13 18:00:01,809 - mmseg - INFO - Iter [8900/160000] lr: 1.799e-06, eta: 17:23:19, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5687, decode.acc_seg: 79.5117, aux.loss_ce: 0.3572, aux.acc_seg: 70.9944, loss: 0.9259, grad_norm: 4.2956 2023-11-13 18:00:21,834 - mmseg - INFO - Iter [8950/160000] lr: 1.798e-06, eta: 17:22:47, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5777, decode.acc_seg: 79.4473, aux.loss_ce: 0.3653, aux.acc_seg: 71.2639, loss: 0.9430, grad_norm: 4.8521 2023-11-13 18:00:41,831 - mmseg - INFO - Saving checkpoint at 9000 iterations 2023-11-13 18:00:50,003 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:00:50,003 - mmseg - INFO - Iter [9000/160000] lr: 1.798e-06, eta: 17:24:32, time: 0.563, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5201, decode.acc_seg: 80.7374, aux.loss_ce: 0.3339, aux.acc_seg: 72.6302, loss: 0.8540, grad_norm: 4.2055 2023-11-13 18:01:10,321 - mmseg - INFO - Iter [9050/160000] lr: 1.797e-06, eta: 17:24:03, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5931, decode.acc_seg: 78.9751, aux.loss_ce: 0.3727, aux.acc_seg: 70.4851, loss: 0.9658, grad_norm: 4.2945 2023-11-13 18:01:30,863 - mmseg - INFO - Iter [9100/160000] lr: 1.797e-06, eta: 17:23:39, time: 0.411, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5719, decode.acc_seg: 79.7037, aux.loss_ce: 0.3613, aux.acc_seg: 70.8997, loss: 0.9332, grad_norm: 4.4805 2023-11-13 18:01:50,883 - mmseg - INFO - Iter [9150/160000] lr: 1.796e-06, eta: 17:23:06, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5599, decode.acc_seg: 79.9580, aux.loss_ce: 0.3443, aux.acc_seg: 72.0068, loss: 0.9042, grad_norm: 4.4042 2023-11-13 18:02:10,960 - mmseg - INFO - Iter [9200/160000] lr: 1.795e-06, eta: 17:22:35, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5769, decode.acc_seg: 79.3903, aux.loss_ce: 0.3460, aux.acc_seg: 72.4084, loss: 0.9229, grad_norm: 5.5547 2023-11-13 18:02:31,048 - mmseg - INFO - Iter [9250/160000] lr: 1.795e-06, eta: 17:22:03, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5656, decode.acc_seg: 79.8919, aux.loss_ce: 0.3600, aux.acc_seg: 70.9997, loss: 0.9256, grad_norm: 5.1677 2023-11-13 18:02:51,158 - mmseg - INFO - Iter [9300/160000] lr: 1.794e-06, eta: 17:21:32, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5647, decode.acc_seg: 79.5207, aux.loss_ce: 0.3567, aux.acc_seg: 71.8399, loss: 0.9215, grad_norm: 5.4961 2023-11-13 18:03:11,195 - mmseg - INFO - Iter [9350/160000] lr: 1.794e-06, eta: 17:21:00, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5802, decode.acc_seg: 78.9679, aux.loss_ce: 0.3637, aux.acc_seg: 70.9964, loss: 0.9440, grad_norm: 3.8957 2023-11-13 18:03:31,247 - mmseg - INFO - Iter [9400/160000] lr: 1.793e-06, eta: 17:20:29, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5329, decode.acc_seg: 80.6138, aux.loss_ce: 0.3455, aux.acc_seg: 71.9712, loss: 0.8784, grad_norm: 4.9462 2023-11-13 18:03:51,269 - mmseg - INFO - Iter [9450/160000] lr: 1.792e-06, eta: 17:19:57, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5451, decode.acc_seg: 80.2844, aux.loss_ce: 0.3394, aux.acc_seg: 72.3744, loss: 0.8845, grad_norm: 4.8430 2023-11-13 18:04:11,293 - mmseg - INFO - Iter [9500/160000] lr: 1.792e-06, eta: 17:19:25, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5556, decode.acc_seg: 79.9208, aux.loss_ce: 0.3440, aux.acc_seg: 72.5882, loss: 0.8995, grad_norm: 5.0454 2023-11-13 18:04:31,945 - mmseg - INFO - Iter [9550/160000] lr: 1.791e-06, eta: 17:19:03, time: 0.413, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5441, decode.acc_seg: 79.7812, aux.loss_ce: 0.3346, aux.acc_seg: 72.7247, loss: 0.8787, grad_norm: 4.2229 2023-11-13 18:04:52,012 - mmseg - INFO - Iter [9600/160000] lr: 1.791e-06, eta: 17:18:32, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5358, decode.acc_seg: 80.2546, aux.loss_ce: 0.3400, aux.acc_seg: 72.3788, loss: 0.8758, grad_norm: 5.2450 2023-11-13 18:05:12,047 - mmseg - INFO - Iter [9650/160000] lr: 1.790e-06, eta: 17:18:01, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5410, decode.acc_seg: 80.4297, aux.loss_ce: 0.3402, aux.acc_seg: 73.0588, loss: 0.8812, grad_norm: 4.4828 2023-11-13 18:05:32,158 - mmseg - INFO - Iter [9700/160000] lr: 1.789e-06, eta: 17:17:31, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5573, decode.acc_seg: 79.7878, aux.loss_ce: 0.3491, aux.acc_seg: 72.1716, loss: 0.9063, grad_norm: 4.1318 2023-11-13 18:05:52,284 - mmseg - INFO - Iter [9750/160000] lr: 1.789e-06, eta: 17:17:01, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5324, decode.acc_seg: 80.8704, aux.loss_ce: 0.3316, aux.acc_seg: 73.4297, loss: 0.8639, grad_norm: 4.4907 2023-11-13 18:06:12,325 - mmseg - INFO - Iter [9800/160000] lr: 1.788e-06, eta: 17:16:30, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5480, decode.acc_seg: 80.8042, aux.loss_ce: 0.3340, aux.acc_seg: 74.0016, loss: 0.8820, grad_norm: 4.6610 2023-11-13 18:06:32,324 - mmseg - INFO - Iter [9850/160000] lr: 1.788e-06, eta: 17:15:59, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5680, decode.acc_seg: 79.0612, aux.loss_ce: 0.3438, aux.acc_seg: 72.1041, loss: 0.9118, grad_norm: 5.2804 2023-11-13 18:06:52,427 - mmseg - INFO - Iter [9900/160000] lr: 1.787e-06, eta: 17:15:29, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5498, decode.acc_seg: 79.9263, aux.loss_ce: 0.3392, aux.acc_seg: 72.8569, loss: 0.8890, grad_norm: 4.5462 2023-11-13 18:07:12,476 - mmseg - INFO - Iter [9950/160000] lr: 1.787e-06, eta: 17:14:59, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5298, decode.acc_seg: 80.7178, aux.loss_ce: 0.3304, aux.acc_seg: 72.9444, loss: 0.8602, grad_norm: 4.0380 2023-11-13 18:07:33,080 - mmseg - INFO - Saving checkpoint at 10000 iterations 2023-11-13 18:07:40,905 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:07:40,905 - mmseg - INFO - Iter [10000/160000] lr: 1.786e-06, eta: 17:16:34, time: 0.569, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5525, decode.acc_seg: 80.4266, aux.loss_ce: 0.3430, aux.acc_seg: 73.1308, loss: 0.8955, grad_norm: 4.3888 2023-11-13 18:08:00,997 - mmseg - INFO - Iter [10050/160000] lr: 1.785e-06, eta: 17:16:04, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5266, decode.acc_seg: 80.8217, aux.loss_ce: 0.3415, aux.acc_seg: 72.6010, loss: 0.8681, grad_norm: 4.4065 2023-11-13 18:08:21,016 - mmseg - INFO - Iter [10100/160000] lr: 1.785e-06, eta: 17:15:33, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5461, decode.acc_seg: 79.8166, aux.loss_ce: 0.3435, aux.acc_seg: 71.7936, loss: 0.8895, grad_norm: 4.4720 2023-11-13 18:08:43,453 - mmseg - INFO - Iter [10150/160000] lr: 1.784e-06, eta: 17:15:37, time: 0.449, data_time: 0.050, memory: 16105, decode.loss_ce: 0.5422, decode.acc_seg: 80.3144, aux.loss_ce: 0.3342, aux.acc_seg: 72.5864, loss: 0.8765, grad_norm: 3.8058 2023-11-13 18:09:03,530 - mmseg - INFO - Iter [10200/160000] lr: 1.784e-06, eta: 17:15:07, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5216, decode.acc_seg: 81.0192, aux.loss_ce: 0.3303, aux.acc_seg: 73.7410, loss: 0.8518, grad_norm: 4.4368 2023-11-13 18:09:23,625 - mmseg - INFO - Iter [10250/160000] lr: 1.783e-06, eta: 17:14:37, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5425, decode.acc_seg: 80.1506, aux.loss_ce: 0.3456, aux.acc_seg: 72.4004, loss: 0.8881, grad_norm: 4.4519 2023-11-13 18:09:43,647 - mmseg - INFO - Iter [10300/160000] lr: 1.782e-06, eta: 17:14:06, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5494, decode.acc_seg: 80.3112, aux.loss_ce: 0.3413, aux.acc_seg: 72.5141, loss: 0.8906, grad_norm: 4.4926 2023-11-13 18:10:03,767 - mmseg - INFO - Iter [10350/160000] lr: 1.782e-06, eta: 17:13:36, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4813, decode.acc_seg: 82.0887, aux.loss_ce: 0.3106, aux.acc_seg: 74.4886, loss: 0.7919, grad_norm: 4.8183 2023-11-13 18:10:23,781 - mmseg - INFO - Iter [10400/160000] lr: 1.781e-06, eta: 17:13:05, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5291, decode.acc_seg: 80.4782, aux.loss_ce: 0.3361, aux.acc_seg: 72.6842, loss: 0.8652, grad_norm: 4.2923 2023-11-13 18:10:44,213 - mmseg - INFO - Iter [10450/160000] lr: 1.781e-06, eta: 17:12:41, time: 0.409, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5366, decode.acc_seg: 80.2531, aux.loss_ce: 0.3331, aux.acc_seg: 72.8521, loss: 0.8697, grad_norm: 4.6165 2023-11-13 18:11:04,493 - mmseg - INFO - Iter [10500/160000] lr: 1.780e-06, eta: 17:12:14, time: 0.406, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5420, decode.acc_seg: 79.8019, aux.loss_ce: 0.3330, aux.acc_seg: 72.8635, loss: 0.8749, grad_norm: 4.5783 2023-11-13 18:11:24,553 - mmseg - INFO - Iter [10550/160000] lr: 1.779e-06, eta: 17:11:44, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5409, decode.acc_seg: 80.2474, aux.loss_ce: 0.3348, aux.acc_seg: 73.0110, loss: 0.8757, grad_norm: 4.5022 2023-11-13 18:11:44,606 - mmseg - INFO - Iter [10600/160000] lr: 1.779e-06, eta: 17:11:14, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5428, decode.acc_seg: 80.5399, aux.loss_ce: 0.3304, aux.acc_seg: 73.1214, loss: 0.8732, grad_norm: 4.9357 2023-11-13 18:12:04,669 - mmseg - INFO - Iter [10650/160000] lr: 1.778e-06, eta: 17:10:44, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5238, decode.acc_seg: 81.1014, aux.loss_ce: 0.3307, aux.acc_seg: 73.0828, loss: 0.8544, grad_norm: 4.2469 2023-11-13 18:12:24,742 - mmseg - INFO - Iter [10700/160000] lr: 1.778e-06, eta: 17:10:14, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5372, decode.acc_seg: 80.2278, aux.loss_ce: 0.3307, aux.acc_seg: 72.5880, loss: 0.8679, grad_norm: 4.5487 2023-11-13 18:12:44,903 - mmseg - INFO - Iter [10750/160000] lr: 1.777e-06, eta: 17:09:46, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5388, decode.acc_seg: 80.3115, aux.loss_ce: 0.3277, aux.acc_seg: 74.0221, loss: 0.8665, grad_norm: 5.2712 2023-11-13 18:13:04,954 - mmseg - INFO - Iter [10800/160000] lr: 1.776e-06, eta: 17:09:17, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5131, decode.acc_seg: 81.5635, aux.loss_ce: 0.3242, aux.acc_seg: 73.8063, loss: 0.8374, grad_norm: 3.9280 2023-11-13 18:13:25,000 - mmseg - INFO - Iter [10850/160000] lr: 1.776e-06, eta: 17:08:47, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5603, decode.acc_seg: 79.7291, aux.loss_ce: 0.3400, aux.acc_seg: 72.2824, loss: 0.9002, grad_norm: 4.5934 2023-11-13 18:13:45,193 - mmseg - INFO - Iter [10900/160000] lr: 1.775e-06, eta: 17:08:19, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5490, decode.acc_seg: 80.6024, aux.loss_ce: 0.3370, aux.acc_seg: 72.9265, loss: 0.8861, grad_norm: 4.8838 2023-11-13 18:14:05,697 - mmseg - INFO - Iter [10950/160000] lr: 1.775e-06, eta: 17:07:56, time: 0.410, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4877, decode.acc_seg: 81.9093, aux.loss_ce: 0.3037, aux.acc_seg: 75.0345, loss: 0.7914, grad_norm: 4.7201 2023-11-13 18:14:25,818 - mmseg - INFO - Saving checkpoint at 11000 iterations 2023-11-13 18:14:33,418 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:14:33,418 - mmseg - INFO - Iter [11000/160000] lr: 1.774e-06, eta: 17:09:11, time: 0.555, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5590, decode.acc_seg: 79.9932, aux.loss_ce: 0.3434, aux.acc_seg: 73.1693, loss: 0.9024, grad_norm: 5.3848 2023-11-13 18:14:53,585 - mmseg - INFO - Iter [11050/160000] lr: 1.773e-06, eta: 17:08:43, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5246, decode.acc_seg: 80.3128, aux.loss_ce: 0.3250, aux.acc_seg: 73.0377, loss: 0.8496, grad_norm: 4.2512 2023-11-13 18:15:13,635 - mmseg - INFO - Iter [11100/160000] lr: 1.773e-06, eta: 17:08:13, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5337, decode.acc_seg: 81.0712, aux.loss_ce: 0.3287, aux.acc_seg: 73.5582, loss: 0.8623, grad_norm: 5.0804 2023-11-13 18:15:33,653 - mmseg - INFO - Iter [11150/160000] lr: 1.772e-06, eta: 17:07:43, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5351, decode.acc_seg: 80.0051, aux.loss_ce: 0.3269, aux.acc_seg: 73.3271, loss: 0.8620, grad_norm: 4.8865 2023-11-13 18:15:53,780 - mmseg - INFO - Iter [11200/160000] lr: 1.772e-06, eta: 17:07:14, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5591, decode.acc_seg: 80.1406, aux.loss_ce: 0.3526, aux.acc_seg: 71.5623, loss: 0.9117, grad_norm: 5.3336 2023-11-13 18:16:13,819 - mmseg - INFO - Iter [11250/160000] lr: 1.771e-06, eta: 17:06:45, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5245, decode.acc_seg: 80.2217, aux.loss_ce: 0.3238, aux.acc_seg: 73.1755, loss: 0.8483, grad_norm: 4.4655 2023-11-13 18:16:33,837 - mmseg - INFO - Iter [11300/160000] lr: 1.770e-06, eta: 17:06:15, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5314, decode.acc_seg: 80.2622, aux.loss_ce: 0.3302, aux.acc_seg: 73.4635, loss: 0.8616, grad_norm: 4.8271 2023-11-13 18:16:53,999 - mmseg - INFO - Iter [11350/160000] lr: 1.770e-06, eta: 17:05:47, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5495, decode.acc_seg: 79.4821, aux.loss_ce: 0.3337, aux.acc_seg: 72.3098, loss: 0.8832, grad_norm: 5.2740 2023-11-13 18:17:17,015 - mmseg - INFO - Iter [11400/160000] lr: 1.769e-06, eta: 17:05:57, time: 0.460, data_time: 0.050, memory: 16105, decode.loss_ce: 0.5110, decode.acc_seg: 80.7995, aux.loss_ce: 0.3230, aux.acc_seg: 73.2694, loss: 0.8340, grad_norm: 4.5921 2023-11-13 18:17:37,129 - mmseg - INFO - Iter [11450/160000] lr: 1.769e-06, eta: 17:05:28, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5237, decode.acc_seg: 80.3411, aux.loss_ce: 0.3291, aux.acc_seg: 72.4880, loss: 0.8528, grad_norm: 5.0585 2023-11-13 18:17:57,136 - mmseg - INFO - Iter [11500/160000] lr: 1.768e-06, eta: 17:04:58, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5080, decode.acc_seg: 81.5012, aux.loss_ce: 0.3170, aux.acc_seg: 74.0051, loss: 0.8250, grad_norm: 4.6469 2023-11-13 18:18:17,178 - mmseg - INFO - Iter [11550/160000] lr: 1.767e-06, eta: 17:04:29, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5117, decode.acc_seg: 81.2674, aux.loss_ce: 0.3278, aux.acc_seg: 73.4608, loss: 0.8395, grad_norm: 4.3775 2023-11-13 18:18:37,269 - mmseg - INFO - Iter [11600/160000] lr: 1.767e-06, eta: 17:04:00, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5135, decode.acc_seg: 81.4127, aux.loss_ce: 0.3236, aux.acc_seg: 74.2659, loss: 0.8370, grad_norm: 4.3012 2023-11-13 18:18:57,432 - mmseg - INFO - Iter [11650/160000] lr: 1.766e-06, eta: 17:03:33, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5103, decode.acc_seg: 81.3795, aux.loss_ce: 0.3177, aux.acc_seg: 74.3344, loss: 0.8280, grad_norm: 4.3185 2023-11-13 18:19:17,420 - mmseg - INFO - Iter [11700/160000] lr: 1.766e-06, eta: 17:03:03, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5211, decode.acc_seg: 80.5393, aux.loss_ce: 0.3235, aux.acc_seg: 73.2168, loss: 0.8446, grad_norm: 4.7729 2023-11-13 18:19:37,427 - mmseg - INFO - Iter [11750/160000] lr: 1.765e-06, eta: 17:02:34, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5064, decode.acc_seg: 81.0567, aux.loss_ce: 0.3167, aux.acc_seg: 73.5544, loss: 0.8231, grad_norm: 5.0444 2023-11-13 18:19:57,553 - mmseg - INFO - Iter [11800/160000] lr: 1.764e-06, eta: 17:02:06, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4921, decode.acc_seg: 81.9153, aux.loss_ce: 0.3060, aux.acc_seg: 74.3613, loss: 0.7982, grad_norm: 4.3895 2023-11-13 18:20:18,275 - mmseg - INFO - Iter [11850/160000] lr: 1.764e-06, eta: 17:01:45, time: 0.413, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5155, decode.acc_seg: 81.0108, aux.loss_ce: 0.3190, aux.acc_seg: 73.8156, loss: 0.8344, grad_norm: 4.8362 2023-11-13 18:20:38,282 - mmseg - INFO - Iter [11900/160000] lr: 1.763e-06, eta: 17:01:17, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.5079, decode.acc_seg: 81.2081, aux.loss_ce: 0.3153, aux.acc_seg: 73.7859, loss: 0.8232, grad_norm: 4.1433 2023-11-13 18:20:58,273 - mmseg - INFO - Iter [11950/160000] lr: 1.763e-06, eta: 17:00:47, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4890, decode.acc_seg: 81.8406, aux.loss_ce: 0.3099, aux.acc_seg: 74.2035, loss: 0.7990, grad_norm: 4.1616 2023-11-13 18:21:18,373 - mmseg - INFO - Saving checkpoint at 12000 iterations 2023-11-13 18:21:26,554 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:21:26,554 - mmseg - INFO - Iter [12000/160000] lr: 1.762e-06, eta: 17:02:00, time: 0.566, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5113, decode.acc_seg: 80.7243, aux.loss_ce: 0.3205, aux.acc_seg: 73.2998, loss: 0.8318, grad_norm: 4.3682 2023-11-13 18:21:46,575 - mmseg - INFO - Iter [12050/160000] lr: 1.762e-06, eta: 17:01:31, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5096, decode.acc_seg: 81.2884, aux.loss_ce: 0.3228, aux.acc_seg: 73.3279, loss: 0.8324, grad_norm: 4.5901 2023-11-13 18:22:06,670 - mmseg - INFO - Iter [12100/160000] lr: 1.761e-06, eta: 17:01:03, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5118, decode.acc_seg: 80.9602, aux.loss_ce: 0.3189, aux.acc_seg: 73.8312, loss: 0.8307, grad_norm: 4.8839 2023-11-13 18:22:26,789 - mmseg - INFO - Iter [12150/160000] lr: 1.760e-06, eta: 17:00:35, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5106, decode.acc_seg: 80.6184, aux.loss_ce: 0.3086, aux.acc_seg: 74.0552, loss: 0.8192, grad_norm: 4.5978 2023-11-13 18:22:46,962 - mmseg - INFO - Iter [12200/160000] lr: 1.760e-06, eta: 17:00:08, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4951, decode.acc_seg: 81.2904, aux.loss_ce: 0.3157, aux.acc_seg: 73.3295, loss: 0.8107, grad_norm: 4.5353 2023-11-13 18:23:07,033 - mmseg - INFO - Iter [12250/160000] lr: 1.759e-06, eta: 16:59:39, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4946, decode.acc_seg: 81.9237, aux.loss_ce: 0.3053, aux.acc_seg: 75.0455, loss: 0.7999, grad_norm: 4.3232 2023-11-13 18:23:27,554 - mmseg - INFO - Iter [12300/160000] lr: 1.759e-06, eta: 16:59:15, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4809, decode.acc_seg: 81.3963, aux.loss_ce: 0.2962, aux.acc_seg: 75.0999, loss: 0.7771, grad_norm: 4.1364 2023-11-13 18:23:47,623 - mmseg - INFO - Iter [12350/160000] lr: 1.758e-06, eta: 16:58:48, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.5274, decode.acc_seg: 80.6183, aux.loss_ce: 0.3240, aux.acc_seg: 73.0098, loss: 0.8514, grad_norm: 5.0949 2023-11-13 18:24:07,702 - mmseg - INFO - Iter [12400/160000] lr: 1.757e-06, eta: 16:58:20, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4916, decode.acc_seg: 81.3873, aux.loss_ce: 0.3001, aux.acc_seg: 75.1149, loss: 0.7918, grad_norm: 4.4711 2023-11-13 18:24:27,769 - mmseg - INFO - Iter [12450/160000] lr: 1.757e-06, eta: 16:57:52, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4930, decode.acc_seg: 81.2963, aux.loss_ce: 0.3050, aux.acc_seg: 74.5577, loss: 0.7980, grad_norm: 4.4311 2023-11-13 18:24:47,935 - mmseg - INFO - Iter [12500/160000] lr: 1.756e-06, eta: 16:57:25, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5047, decode.acc_seg: 81.3748, aux.loss_ce: 0.3093, aux.acc_seg: 74.4161, loss: 0.8140, grad_norm: 4.2688 2023-11-13 18:25:07,938 - mmseg - INFO - Iter [12550/160000] lr: 1.756e-06, eta: 16:56:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5222, decode.acc_seg: 80.3399, aux.loss_ce: 0.3201, aux.acc_seg: 73.4683, loss: 0.8424, grad_norm: 4.5544 2023-11-13 18:25:27,997 - mmseg - INFO - Iter [12600/160000] lr: 1.755e-06, eta: 16:56:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5115, decode.acc_seg: 81.3386, aux.loss_ce: 0.3194, aux.acc_seg: 73.8251, loss: 0.8310, grad_norm: 4.5631 2023-11-13 18:25:50,562 - mmseg - INFO - Iter [12650/160000] lr: 1.754e-06, eta: 16:56:29, time: 0.451, data_time: 0.050, memory: 16105, decode.loss_ce: 0.5054, decode.acc_seg: 80.2129, aux.loss_ce: 0.3140, aux.acc_seg: 73.2617, loss: 0.8194, grad_norm: 5.1551 2023-11-13 18:26:10,790 - mmseg - INFO - Iter [12700/160000] lr: 1.754e-06, eta: 16:56:03, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4831, decode.acc_seg: 82.0936, aux.loss_ce: 0.3030, aux.acc_seg: 75.1789, loss: 0.7861, grad_norm: 5.0399 2023-11-13 18:26:30,963 - mmseg - INFO - Iter [12750/160000] lr: 1.753e-06, eta: 16:55:36, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4851, decode.acc_seg: 81.9686, aux.loss_ce: 0.3077, aux.acc_seg: 74.3102, loss: 0.7928, grad_norm: 4.2656 2023-11-13 18:26:51,356 - mmseg - INFO - Iter [12800/160000] lr: 1.753e-06, eta: 16:55:12, time: 0.408, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4983, decode.acc_seg: 82.0979, aux.loss_ce: 0.3077, aux.acc_seg: 74.6908, loss: 0.8061, grad_norm: 4.6004 2023-11-13 18:27:11,381 - mmseg - INFO - Iter [12850/160000] lr: 1.752e-06, eta: 16:54:44, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4543, decode.acc_seg: 82.8884, aux.loss_ce: 0.2845, aux.acc_seg: 76.2154, loss: 0.7388, grad_norm: 3.8887 2023-11-13 18:27:31,386 - mmseg - INFO - Iter [12900/160000] lr: 1.751e-06, eta: 16:54:15, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4954, decode.acc_seg: 81.2478, aux.loss_ce: 0.3083, aux.acc_seg: 74.1652, loss: 0.8037, grad_norm: 4.2832 2023-11-13 18:27:51,429 - mmseg - INFO - Iter [12950/160000] lr: 1.751e-06, eta: 16:53:47, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4965, decode.acc_seg: 80.8804, aux.loss_ce: 0.3113, aux.acc_seg: 73.3581, loss: 0.8078, grad_norm: 5.2466 2023-11-13 18:28:11,373 - mmseg - INFO - Saving checkpoint at 13000 iterations 2023-11-13 18:28:18,972 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:28:18,973 - mmseg - INFO - Iter [13000/160000] lr: 1.750e-06, eta: 16:54:44, time: 0.551, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5231, decode.acc_seg: 80.2069, aux.loss_ce: 0.3208, aux.acc_seg: 73.2391, loss: 0.8439, grad_norm: 4.9395 2023-11-13 18:28:39,112 - mmseg - INFO - Iter [13050/160000] lr: 1.750e-06, eta: 16:54:17, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4970, decode.acc_seg: 81.7388, aux.loss_ce: 0.3176, aux.acc_seg: 74.1372, loss: 0.8145, grad_norm: 4.1532 2023-11-13 18:28:59,290 - mmseg - INFO - Iter [13100/160000] lr: 1.749e-06, eta: 16:53:50, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5294, decode.acc_seg: 80.0258, aux.loss_ce: 0.3211, aux.acc_seg: 72.7851, loss: 0.8505, grad_norm: 4.2069 2023-11-13 18:29:19,332 - mmseg - INFO - Iter [13150/160000] lr: 1.748e-06, eta: 16:53:22, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4776, decode.acc_seg: 82.4232, aux.loss_ce: 0.2977, aux.acc_seg: 74.6145, loss: 0.7752, grad_norm: 3.9955 2023-11-13 18:29:39,308 - mmseg - INFO - Iter [13200/160000] lr: 1.748e-06, eta: 16:52:54, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4637, decode.acc_seg: 82.0931, aux.loss_ce: 0.2976, aux.acc_seg: 74.7691, loss: 0.7613, grad_norm: 4.8909 2023-11-13 18:29:59,893 - mmseg - INFO - Iter [13250/160000] lr: 1.747e-06, eta: 16:52:32, time: 0.412, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4987, decode.acc_seg: 81.6219, aux.loss_ce: 0.3142, aux.acc_seg: 74.3724, loss: 0.8129, grad_norm: 4.5644 2023-11-13 18:30:19,875 - mmseg - INFO - Iter [13300/160000] lr: 1.747e-06, eta: 16:52:03, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4695, decode.acc_seg: 82.2207, aux.loss_ce: 0.2813, aux.acc_seg: 75.9013, loss: 0.7508, grad_norm: 4.2348 2023-11-13 18:30:39,816 - mmseg - INFO - Iter [13350/160000] lr: 1.746e-06, eta: 16:51:34, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4882, decode.acc_seg: 82.1205, aux.loss_ce: 0.2990, aux.acc_seg: 75.5327, loss: 0.7872, grad_norm: 4.8769 2023-11-13 18:30:59,865 - mmseg - INFO - Iter [13400/160000] lr: 1.745e-06, eta: 16:51:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5250, decode.acc_seg: 80.6118, aux.loss_ce: 0.3216, aux.acc_seg: 73.1860, loss: 0.8466, grad_norm: 4.9701 2023-11-13 18:31:19,830 - mmseg - INFO - Iter [13450/160000] lr: 1.745e-06, eta: 16:50:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4954, decode.acc_seg: 81.6505, aux.loss_ce: 0.3071, aux.acc_seg: 74.4852, loss: 0.8025, grad_norm: 5.6880 2023-11-13 18:31:39,932 - mmseg - INFO - Iter [13500/160000] lr: 1.744e-06, eta: 16:50:11, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5033, decode.acc_seg: 81.0863, aux.loss_ce: 0.3088, aux.acc_seg: 73.9915, loss: 0.8121, grad_norm: 4.7582 2023-11-13 18:31:59,905 - mmseg - INFO - Iter [13550/160000] lr: 1.744e-06, eta: 16:49:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5167, decode.acc_seg: 80.6989, aux.loss_ce: 0.3174, aux.acc_seg: 73.7526, loss: 0.8341, grad_norm: 4.7481 2023-11-13 18:32:20,041 - mmseg - INFO - Iter [13600/160000] lr: 1.743e-06, eta: 16:49:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5032, decode.acc_seg: 81.3582, aux.loss_ce: 0.3137, aux.acc_seg: 74.0690, loss: 0.8169, grad_norm: 5.2539 2023-11-13 18:32:40,027 - mmseg - INFO - Iter [13650/160000] lr: 1.742e-06, eta: 16:48:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4838, decode.acc_seg: 81.3231, aux.loss_ce: 0.2913, aux.acc_seg: 74.5267, loss: 0.7751, grad_norm: 4.5272 2023-11-13 18:33:00,611 - mmseg - INFO - Iter [13700/160000] lr: 1.742e-06, eta: 16:48:25, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4776, decode.acc_seg: 82.1290, aux.loss_ce: 0.2917, aux.acc_seg: 75.3227, loss: 0.7694, grad_norm: 4.8450 2023-11-13 18:33:20,611 - mmseg - INFO - Iter [13750/160000] lr: 1.741e-06, eta: 16:47:58, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4559, decode.acc_seg: 82.6014, aux.loss_ce: 0.2852, aux.acc_seg: 75.1919, loss: 0.7411, grad_norm: 4.0361 2023-11-13 18:33:40,585 - mmseg - INFO - Iter [13800/160000] lr: 1.741e-06, eta: 16:47:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5075, decode.acc_seg: 81.7123, aux.loss_ce: 0.2980, aux.acc_seg: 75.4283, loss: 0.8054, grad_norm: 4.4859 2023-11-13 18:34:00,631 - mmseg - INFO - Iter [13850/160000] lr: 1.740e-06, eta: 16:47:02, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4748, decode.acc_seg: 81.8208, aux.loss_ce: 0.2983, aux.acc_seg: 74.4923, loss: 0.7731, grad_norm: 3.7554 2023-11-13 18:34:23,165 - mmseg - INFO - Iter [13900/160000] lr: 1.739e-06, eta: 16:47:01, time: 0.451, data_time: 0.049, memory: 16105, decode.loss_ce: 0.5141, decode.acc_seg: 81.0917, aux.loss_ce: 0.3086, aux.acc_seg: 74.3595, loss: 0.8227, grad_norm: 4.9618 2023-11-13 18:34:43,292 - mmseg - INFO - Iter [13950/160000] lr: 1.739e-06, eta: 16:46:35, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4812, decode.acc_seg: 82.0812, aux.loss_ce: 0.3010, aux.acc_seg: 75.1223, loss: 0.7823, grad_norm: 4.4764 2023-11-13 18:35:03,388 - mmseg - INFO - Saving checkpoint at 14000 iterations 2023-11-13 18:35:11,318 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:35:11,319 - mmseg - INFO - Iter [14000/160000] lr: 1.738e-06, eta: 16:47:31, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5007, decode.acc_seg: 81.8138, aux.loss_ce: 0.3111, aux.acc_seg: 74.5479, loss: 0.8118, grad_norm: 4.3465 2023-11-13 18:35:31,466 - mmseg - INFO - Iter [14050/160000] lr: 1.738e-06, eta: 16:47:04, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4792, decode.acc_seg: 82.3450, aux.loss_ce: 0.2951, aux.acc_seg: 75.3028, loss: 0.7743, grad_norm: 4.2888 2023-11-13 18:35:51,551 - mmseg - INFO - Iter [14100/160000] lr: 1.737e-06, eta: 16:46:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4861, decode.acc_seg: 81.8596, aux.loss_ce: 0.3093, aux.acc_seg: 74.0305, loss: 0.7954, grad_norm: 4.7643 2023-11-13 18:36:12,065 - mmseg - INFO - Iter [14150/160000] lr: 1.737e-06, eta: 16:46:15, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4872, decode.acc_seg: 81.6370, aux.loss_ce: 0.3067, aux.acc_seg: 74.5323, loss: 0.7939, grad_norm: 4.4854 2023-11-13 18:36:32,286 - mmseg - INFO - Iter [14200/160000] lr: 1.736e-06, eta: 16:45:49, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4806, decode.acc_seg: 82.1170, aux.loss_ce: 0.2943, aux.acc_seg: 74.7635, loss: 0.7749, grad_norm: 4.0086 2023-11-13 18:36:52,436 - mmseg - INFO - Iter [14250/160000] lr: 1.735e-06, eta: 16:45:23, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4531, decode.acc_seg: 82.4334, aux.loss_ce: 0.2881, aux.acc_seg: 75.4373, loss: 0.7411, grad_norm: 4.5136 2023-11-13 18:37:12,702 - mmseg - INFO - Iter [14300/160000] lr: 1.735e-06, eta: 16:44:58, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4946, decode.acc_seg: 81.8979, aux.loss_ce: 0.3084, aux.acc_seg: 74.3257, loss: 0.8029, grad_norm: 4.8759 2023-11-13 18:37:32,774 - mmseg - INFO - Iter [14350/160000] lr: 1.734e-06, eta: 16:44:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4939, decode.acc_seg: 81.1856, aux.loss_ce: 0.3081, aux.acc_seg: 74.0206, loss: 0.8019, grad_norm: 4.5649 2023-11-13 18:37:52,760 - mmseg - INFO - Iter [14400/160000] lr: 1.734e-06, eta: 16:44:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4739, decode.acc_seg: 81.6284, aux.loss_ce: 0.2948, aux.acc_seg: 74.7059, loss: 0.7687, grad_norm: 4.6179 2023-11-13 18:38:12,817 - mmseg - INFO - Iter [14450/160000] lr: 1.733e-06, eta: 16:43:36, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4690, decode.acc_seg: 82.2367, aux.loss_ce: 0.2963, aux.acc_seg: 74.9307, loss: 0.7653, grad_norm: 4.3836 2023-11-13 18:38:32,956 - mmseg - INFO - Iter [14500/160000] lr: 1.732e-06, eta: 16:43:10, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4836, decode.acc_seg: 81.5419, aux.loss_ce: 0.2994, aux.acc_seg: 74.8695, loss: 0.7830, grad_norm: 4.7918 2023-11-13 18:38:52,909 - mmseg - INFO - Iter [14550/160000] lr: 1.732e-06, eta: 16:42:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4624, decode.acc_seg: 82.2895, aux.loss_ce: 0.2864, aux.acc_seg: 75.5901, loss: 0.7489, grad_norm: 5.1722 2023-11-13 18:39:13,308 - mmseg - INFO - Iter [14600/160000] lr: 1.731e-06, eta: 16:42:17, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4424, decode.acc_seg: 82.8601, aux.loss_ce: 0.2800, aux.acc_seg: 76.1493, loss: 0.7224, grad_norm: 4.4207 2023-11-13 18:39:33,544 - mmseg - INFO - Iter [14650/160000] lr: 1.731e-06, eta: 16:41:53, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4614, decode.acc_seg: 82.3761, aux.loss_ce: 0.2801, aux.acc_seg: 76.2109, loss: 0.7415, grad_norm: 4.3800 2023-11-13 18:39:53,689 - mmseg - INFO - Iter [14700/160000] lr: 1.730e-06, eta: 16:41:27, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.5105, decode.acc_seg: 81.3724, aux.loss_ce: 0.3126, aux.acc_seg: 73.7787, loss: 0.8231, grad_norm: 5.1140 2023-11-13 18:40:13,777 - mmseg - INFO - Iter [14750/160000] lr: 1.729e-06, eta: 16:41:01, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4697, decode.acc_seg: 82.5700, aux.loss_ce: 0.2859, aux.acc_seg: 76.5204, loss: 0.7556, grad_norm: 4.3913 2023-11-13 18:40:33,878 - mmseg - INFO - Iter [14800/160000] lr: 1.729e-06, eta: 16:40:34, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.5160, decode.acc_seg: 80.1752, aux.loss_ce: 0.3075, aux.acc_seg: 73.4896, loss: 0.8234, grad_norm: 4.7493 2023-11-13 18:40:53,871 - mmseg - INFO - Iter [14850/160000] lr: 1.728e-06, eta: 16:40:07, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4821, decode.acc_seg: 81.9544, aux.loss_ce: 0.2968, aux.acc_seg: 75.2489, loss: 0.7789, grad_norm: 4.7330 2023-11-13 18:41:14,011 - mmseg - INFO - Iter [14900/160000] lr: 1.728e-06, eta: 16:39:41, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4799, decode.acc_seg: 81.4875, aux.loss_ce: 0.2943, aux.acc_seg: 74.6751, loss: 0.7743, grad_norm: 5.1334 2023-11-13 18:41:33,967 - mmseg - INFO - Iter [14950/160000] lr: 1.727e-06, eta: 16:39:14, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4911, decode.acc_seg: 81.7215, aux.loss_ce: 0.3070, aux.acc_seg: 74.3238, loss: 0.7981, grad_norm: 5.0205 2023-11-13 18:41:54,057 - mmseg - INFO - Saving checkpoint at 15000 iterations 2023-11-13 18:42:02,109 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:42:02,109 - mmseg - INFO - Iter [15000/160000] lr: 1.726e-06, eta: 16:40:05, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4866, decode.acc_seg: 81.6740, aux.loss_ce: 0.2935, aux.acc_seg: 75.0163, loss: 0.7801, grad_norm: 5.4496 2023-11-13 18:42:22,335 - mmseg - INFO - Iter [15050/160000] lr: 1.726e-06, eta: 16:39:40, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4700, decode.acc_seg: 82.0860, aux.loss_ce: 0.2898, aux.acc_seg: 74.8787, loss: 0.7598, grad_norm: 4.2525 2023-11-13 18:42:42,727 - mmseg - INFO - Iter [15100/160000] lr: 1.725e-06, eta: 16:39:16, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4586, decode.acc_seg: 82.5032, aux.loss_ce: 0.2783, aux.acc_seg: 76.2053, loss: 0.7368, grad_norm: 4.3377 2023-11-13 18:43:02,932 - mmseg - INFO - Iter [15150/160000] lr: 1.725e-06, eta: 16:38:51, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4588, decode.acc_seg: 82.1859, aux.loss_ce: 0.2785, aux.acc_seg: 75.5385, loss: 0.7374, grad_norm: 4.4933 2023-11-13 18:43:25,323 - mmseg - INFO - Iter [15200/160000] lr: 1.724e-06, eta: 16:38:47, time: 0.448, data_time: 0.051, memory: 16105, decode.loss_ce: 0.4491, decode.acc_seg: 82.2702, aux.loss_ce: 0.2801, aux.acc_seg: 74.9201, loss: 0.7292, grad_norm: 4.2367 2023-11-13 18:43:45,297 - mmseg - INFO - Iter [15250/160000] lr: 1.723e-06, eta: 16:38:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4559, decode.acc_seg: 82.8236, aux.loss_ce: 0.2900, aux.acc_seg: 75.3160, loss: 0.7458, grad_norm: 4.3603 2023-11-13 18:44:05,289 - mmseg - INFO - Iter [15300/160000] lr: 1.723e-06, eta: 16:37:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4519, decode.acc_seg: 82.9147, aux.loss_ce: 0.2849, aux.acc_seg: 75.5818, loss: 0.7369, grad_norm: 4.3828 2023-11-13 18:44:25,331 - mmseg - INFO - Iter [15350/160000] lr: 1.722e-06, eta: 16:37:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4774, decode.acc_seg: 81.9829, aux.loss_ce: 0.3078, aux.acc_seg: 74.0802, loss: 0.7852, grad_norm: 4.7924 2023-11-13 18:44:45,275 - mmseg - INFO - Iter [15400/160000] lr: 1.722e-06, eta: 16:36:57, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4685, decode.acc_seg: 82.1189, aux.loss_ce: 0.2863, aux.acc_seg: 75.2041, loss: 0.7548, grad_norm: 4.3108 2023-11-13 18:45:05,241 - mmseg - INFO - Iter [15450/160000] lr: 1.721e-06, eta: 16:36:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4654, decode.acc_seg: 81.9969, aux.loss_ce: 0.2903, aux.acc_seg: 75.4629, loss: 0.7557, grad_norm: 5.0153 2023-11-13 18:45:25,200 - mmseg - INFO - Iter [15500/160000] lr: 1.720e-06, eta: 16:36:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4523, decode.acc_seg: 82.9453, aux.loss_ce: 0.2757, aux.acc_seg: 76.1874, loss: 0.7280, grad_norm: 4.5872 2023-11-13 18:45:45,706 - mmseg - INFO - Iter [15550/160000] lr: 1.720e-06, eta: 16:35:40, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4711, decode.acc_seg: 81.6938, aux.loss_ce: 0.2891, aux.acc_seg: 75.5392, loss: 0.7602, grad_norm: 4.1452 2023-11-13 18:46:05,745 - mmseg - INFO - Iter [15600/160000] lr: 1.719e-06, eta: 16:35:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4451, decode.acc_seg: 83.1780, aux.loss_ce: 0.2818, aux.acc_seg: 76.4870, loss: 0.7269, grad_norm: 4.4682 2023-11-13 18:46:25,766 - mmseg - INFO - Iter [15650/160000] lr: 1.719e-06, eta: 16:34:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4767, decode.acc_seg: 82.1667, aux.loss_ce: 0.2992, aux.acc_seg: 74.9445, loss: 0.7759, grad_norm: 4.5140 2023-11-13 18:46:45,868 - mmseg - INFO - Iter [15700/160000] lr: 1.718e-06, eta: 16:34:21, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4570, decode.acc_seg: 82.5442, aux.loss_ce: 0.2769, aux.acc_seg: 76.2053, loss: 0.7339, grad_norm: 4.8758 2023-11-13 18:47:05,804 - mmseg - INFO - Iter [15750/160000] lr: 1.717e-06, eta: 16:33:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4707, decode.acc_seg: 82.1766, aux.loss_ce: 0.2900, aux.acc_seg: 75.6787, loss: 0.7607, grad_norm: 4.6493 2023-11-13 18:47:25,830 - mmseg - INFO - Iter [15800/160000] lr: 1.717e-06, eta: 16:33:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4653, decode.acc_seg: 82.6761, aux.loss_ce: 0.2952, aux.acc_seg: 74.4964, loss: 0.7606, grad_norm: 5.3007 2023-11-13 18:47:45,836 - mmseg - INFO - Iter [15850/160000] lr: 1.716e-06, eta: 16:33:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4789, decode.acc_seg: 82.2464, aux.loss_ce: 0.2855, aux.acc_seg: 75.9181, loss: 0.7645, grad_norm: 4.5382 2023-11-13 18:48:05,900 - mmseg - INFO - Iter [15900/160000] lr: 1.716e-06, eta: 16:32:34, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4533, decode.acc_seg: 82.7970, aux.loss_ce: 0.2752, aux.acc_seg: 76.6040, loss: 0.7285, grad_norm: 5.0032 2023-11-13 18:48:25,835 - mmseg - INFO - Iter [15950/160000] lr: 1.715e-06, eta: 16:32:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4676, decode.acc_seg: 82.4921, aux.loss_ce: 0.2907, aux.acc_seg: 75.0458, loss: 0.7583, grad_norm: 4.4997 2023-11-13 18:48:46,434 - mmseg - INFO - Saving checkpoint at 16000 iterations 2023-11-13 18:48:54,492 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:48:54,492 - mmseg - INFO - Iter [16000/160000] lr: 1.714e-06, eta: 16:32:58, time: 0.573, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4592, decode.acc_seg: 82.6067, aux.loss_ce: 0.2836, aux.acc_seg: 76.2373, loss: 0.7428, grad_norm: 4.6687 2023-11-13 18:49:45,048 - mmseg - INFO - per class results: 2023-11-13 18:49:45,054 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 78.25 | 85.69 | | building | 83.31 | 92.14 | | sky | 94.43 | 97.3 | | floor | 82.18 | 89.52 | | tree | 75.84 | 86.6 | | ceiling | 84.11 | 93.11 | | road | 84.06 | 90.41 | | bed | 90.26 | 96.23 | | windowpane | 62.84 | 81.12 | | grass | 68.69 | 85.85 | | cabinet | 60.41 | 70.85 | | sidewalk | 66.23 | 84.58 | | person | 81.82 | 91.01 | | earth | 38.2 | 48.78 | | door | 52.74 | 70.72 | | table | 60.76 | 74.03 | | mountain | 64.98 | 81.47 | | plant | 54.89 | 67.81 | | curtain | 76.87 | 89.01 | | chair | 53.95 | 62.69 | | car | 84.99 | 92.55 | | water | 55.3 | 66.73 | | painting | 68.21 | 88.6 | | sofa | 71.28 | 88.44 | | shelf | 43.62 | 60.76 | | house | 47.23 | 73.22 | | sea | 67.84 | 91.53 | | mirror | 68.48 | 81.66 | | rug | 61.21 | 74.32 | | field | 30.1 | 49.5 | | armchair | 42.54 | 64.86 | | seat | 63.16 | 87.33 | | fence | 49.23 | 68.68 | | desk | 45.76 | 78.86 | | rock | 55.43 | 71.14 | | wardrobe | 47.29 | 75.16 | | lamp | 57.98 | 73.72 | | bathtub | 75.29 | 86.5 | | railing | 42.16 | 58.8 | | cushion | 58.26 | 68.41 | | base | 40.68 | 74.37 | | box | 26.35 | 32.59 | | column | 54.04 | 72.36 | | signboard | 36.36 | 46.91 | | chest of drawers | 43.0 | 68.19 | | counter | 44.29 | 54.47 | | sand | 57.5 | 78.53 | | sink | 73.03 | 85.3 | | skyscraper | 52.39 | 61.35 | | fireplace | 67.67 | 90.47 | | refrigerator | 73.85 | 86.43 | | grandstand | 42.69 | 79.93 | | path | 25.29 | 37.55 | | stairs | 41.93 | 53.11 | | runway | 67.65 | 92.51 | | case | 64.95 | 85.76 | | pool table | 91.83 | 98.13 | | pillow | 59.06 | 76.94 | | screen door | 67.33 | 86.02 | | stairway | 44.46 | 51.47 | | river | 21.61 | 53.53 | | bridge | 75.16 | 83.98 | | bookcase | 31.18 | 50.78 | | blind | 29.18 | 30.84 | | coffee table | 54.43 | 85.48 | | toilet | 82.82 | 93.25 | | flower | 37.32 | 54.84 | | book | 45.98 | 76.33 | | hill | 6.06 | 11.41 | | bench | 59.95 | 68.7 | | countertop | 56.69 | 74.75 | | stove | 72.43 | 88.87 | | palm | 48.72 | 81.49 | | kitchen island | 28.65 | 75.2 | | computer | 71.91 | 92.22 | | swivel chair | 43.65 | 84.37 | | boat | 62.05 | 78.54 | | bar | 48.65 | 67.04 | | arcade machine | 87.41 | 96.85 | | hovel | 48.88 | 78.73 | | bus | 86.67 | 97.11 | | towel | 57.87 | 79.53 | | light | 40.22 | 46.13 | | truck | 37.97 | 51.01 | | tower | 32.85 | 61.63 | | chandelier | 63.11 | 83.22 | | awning | 34.38 | 42.68 | | streetlight | 23.21 | 33.44 | | booth | 30.84 | 46.11 | | television receiver | 74.1 | 86.68 | | airplane | 69.19 | 79.73 | | dirt track | 7.34 | 16.39 | | apparel | 43.7 | 67.66 | | pole | 21.9 | 30.03 | | land | 0.02 | 0.02 | | bannister | 0.35 | 0.39 | | escalator | 58.1 | 83.87 | | ottoman | 52.16 | 69.09 | | bottle | 38.77 | 63.09 | | buffet | 40.26 | 51.37 | | poster | 18.05 | 19.53 | | stage | 13.11 | 27.68 | | van | 40.59 | 54.61 | | ship | 74.26 | 89.49 | | fountain | 32.61 | 33.99 | | conveyer belt | 61.02 | 99.33 | | canopy | 42.78 | 52.18 | | washer | 83.44 | 91.17 | | plaything | 30.82 | 41.92 | | swimming pool | 64.23 | 77.89 | | stool | 30.16 | 42.65 | | barrel | 53.87 | 87.87 | | basket | 36.61 | 48.21 | | waterfall | 76.02 | 86.14 | | tent | 84.18 | 99.73 | | bag | 5.93 | 6.13 | | minibike | 70.34 | 88.09 | | cradle | 71.54 | 98.15 | | oven | 26.61 | 27.84 | | ball | 50.63 | 65.1 | | food | 44.98 | 50.54 | | step | 2.05 | 2.07 | | tank | 58.56 | 65.91 | | trade name | 16.4 | 17.07 | | microwave | 83.5 | 95.58 | | pot | 44.56 | 54.84 | | animal | 59.82 | 62.42 | | bicycle | 58.72 | 81.77 | | lake | 0.0 | 0.0 | | dishwasher | 62.73 | 68.06 | | screen | 52.27 | 88.33 | | blanket | 3.24 | 3.51 | | sculpture | 65.24 | 73.82 | | hood | 54.11 | 67.83 | | sconce | 7.57 | 7.84 | | vase | 32.71 | 50.72 | | traffic light | 16.31 | 20.39 | | tray | 0.08 | 0.08 | | ashcan | 40.82 | 52.68 | | fan | 48.17 | 56.03 | | pier | 33.53 | 43.99 | | crt screen | 3.39 | 5.55 | | plate | 48.71 | 71.63 | | monitor | 31.82 | 46.43 | | bulletin board | 49.01 | 57.05 | | shower | 0.0 | 0.0 | | radiator | 53.66 | 57.95 | | glass | 12.21 | 12.77 | | clock | 10.52 | 11.62 | | flag | 61.71 | 69.58 | +---------------------+-------+-------+ 2023-11-13 18:49:45,054 - mmseg - INFO - Summary: 2023-11-13 18:49:45,054 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 83.66 | 49.82 | 64.01 | +-------+-------+-------+ 2023-11-13 18:49:52,597 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_16000.pth. 2023-11-13 18:49:52,597 - mmseg - INFO - Best mIoU is 0.4982 at 16000 iter. 2023-11-13 18:49:52,598 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:49:52,598 - mmseg - INFO - Iter(val) [250] aAcc: 0.8366, mIoU: 0.4982, mAcc: 0.6401, IoU.wall: 0.7825, IoU.building: 0.8331, IoU.sky: 0.9443, IoU.floor: 0.8218, IoU.tree: 0.7584, IoU.ceiling: 0.8411, IoU.road: 0.8406, IoU.bed : 0.9026, IoU.windowpane: 0.6284, IoU.grass: 0.6869, IoU.cabinet: 0.6041, IoU.sidewalk: 0.6623, IoU.person: 0.8182, IoU.earth: 0.3820, IoU.door: 0.5274, IoU.table: 0.6076, IoU.mountain: 0.6498, IoU.plant: 0.5489, IoU.curtain: 0.7687, IoU.chair: 0.5395, IoU.car: 0.8499, IoU.water: 0.5530, IoU.painting: 0.6821, IoU.sofa: 0.7128, IoU.shelf: 0.4362, IoU.house: 0.4723, IoU.sea: 0.6784, IoU.mirror: 0.6848, IoU.rug: 0.6121, IoU.field: 0.3010, IoU.armchair: 0.4254, IoU.seat: 0.6316, IoU.fence: 0.4923, IoU.desk: 0.4576, IoU.rock: 0.5543, IoU.wardrobe: 0.4729, IoU.lamp: 0.5798, IoU.bathtub: 0.7529, IoU.railing: 0.4216, IoU.cushion: 0.5826, IoU.base: 0.4068, IoU.box: 0.2635, IoU.column: 0.5404, IoU.signboard: 0.3636, IoU.chest of drawers: 0.4300, IoU.counter: 0.4429, IoU.sand: 0.5750, IoU.sink: 0.7303, IoU.skyscraper: 0.5239, IoU.fireplace: 0.6767, IoU.refrigerator: 0.7385, IoU.grandstand: 0.4269, IoU.path: 0.2529, IoU.stairs: 0.4193, IoU.runway: 0.6765, IoU.case: 0.6495, IoU.pool table: 0.9183, IoU.pillow: 0.5906, IoU.screen door: 0.6733, IoU.stairway: 0.4446, IoU.river: 0.2161, IoU.bridge: 0.7516, IoU.bookcase: 0.3118, IoU.blind: 0.2918, IoU.coffee table: 0.5443, IoU.toilet: 0.8282, IoU.flower: 0.3732, IoU.book: 0.4598, IoU.hill: 0.0606, IoU.bench: 0.5995, IoU.countertop: 0.5669, IoU.stove: 0.7243, IoU.palm: 0.4872, IoU.kitchen island: 0.2865, IoU.computer: 0.7191, IoU.swivel chair: 0.4365, IoU.boat: 0.6205, IoU.bar: 0.4865, IoU.arcade machine: 0.8741, IoU.hovel: 0.4888, IoU.bus: 0.8667, IoU.towel: 0.5787, IoU.light: 0.4022, IoU.truck: 0.3797, IoU.tower: 0.3285, IoU.chandelier: 0.6311, IoU.awning: 0.3438, IoU.streetlight: 0.2321, IoU.booth: 0.3084, IoU.television receiver: 0.7410, IoU.airplane: 0.6919, IoU.dirt track: 0.0734, IoU.apparel: 0.4370, IoU.pole: 0.2190, IoU.land: 0.0002, IoU.bannister: 0.0035, IoU.escalator: 0.5810, IoU.ottoman: 0.5216, IoU.bottle: 0.3877, IoU.buffet: 0.4026, IoU.poster: 0.1805, IoU.stage: 0.1311, IoU.van: 0.4059, IoU.ship: 0.7426, IoU.fountain: 0.3261, IoU.conveyer belt: 0.6102, IoU.canopy: 0.4278, IoU.washer: 0.8344, IoU.plaything: 0.3082, IoU.swimming pool: 0.6423, IoU.stool: 0.3016, IoU.barrel: 0.5387, IoU.basket: 0.3661, IoU.waterfall: 0.7602, IoU.tent: 0.8418, IoU.bag: 0.0593, IoU.minibike: 0.7034, IoU.cradle: 0.7154, IoU.oven: 0.2661, IoU.ball: 0.5063, IoU.food: 0.4498, IoU.step: 0.0205, IoU.tank: 0.5856, IoU.trade name: 0.1640, IoU.microwave: 0.8350, IoU.pot: 0.4456, IoU.animal: 0.5982, IoU.bicycle: 0.5872, IoU.lake: 0.0000, IoU.dishwasher: 0.6273, IoU.screen: 0.5227, IoU.blanket: 0.0324, IoU.sculpture: 0.6524, IoU.hood: 0.5411, IoU.sconce: 0.0757, IoU.vase: 0.3271, IoU.traffic light: 0.1631, IoU.tray: 0.0008, IoU.ashcan: 0.4082, IoU.fan: 0.4817, IoU.pier: 0.3353, IoU.crt screen: 0.0339, IoU.plate: 0.4871, IoU.monitor: 0.3182, IoU.bulletin board: 0.4901, IoU.shower: 0.0000, IoU.radiator: 0.5366, IoU.glass: 0.1221, IoU.clock: 0.1052, IoU.flag: 0.6171, Acc.wall: 0.8569, Acc.building: 0.9214, Acc.sky: 0.9730, Acc.floor: 0.8952, Acc.tree: 0.8660, Acc.ceiling: 0.9311, Acc.road: 0.9041, Acc.bed : 0.9623, Acc.windowpane: 0.8112, Acc.grass: 0.8585, Acc.cabinet: 0.7085, Acc.sidewalk: 0.8458, Acc.person: 0.9101, Acc.earth: 0.4878, Acc.door: 0.7072, Acc.table: 0.7403, Acc.mountain: 0.8147, Acc.plant: 0.6781, Acc.curtain: 0.8901, Acc.chair: 0.6269, Acc.car: 0.9255, Acc.water: 0.6673, Acc.painting: 0.8860, Acc.sofa: 0.8844, Acc.shelf: 0.6076, Acc.house: 0.7322, Acc.sea: 0.9153, Acc.mirror: 0.8166, Acc.rug: 0.7432, Acc.field: 0.4950, Acc.armchair: 0.6486, Acc.seat: 0.8733, Acc.fence: 0.6868, Acc.desk: 0.7886, Acc.rock: 0.7114, Acc.wardrobe: 0.7516, Acc.lamp: 0.7372, Acc.bathtub: 0.8650, Acc.railing: 0.5880, Acc.cushion: 0.6841, Acc.base: 0.7437, Acc.box: 0.3259, Acc.column: 0.7236, Acc.signboard: 0.4691, Acc.chest of drawers: 0.6819, Acc.counter: 0.5447, Acc.sand: 0.7853, Acc.sink: 0.8530, Acc.skyscraper: 0.6135, Acc.fireplace: 0.9047, Acc.refrigerator: 0.8643, Acc.grandstand: 0.7993, Acc.path: 0.3755, Acc.stairs: 0.5311, Acc.runway: 0.9251, Acc.case: 0.8576, Acc.pool table: 0.9813, Acc.pillow: 0.7694, Acc.screen door: 0.8602, Acc.stairway: 0.5147, Acc.river: 0.5353, Acc.bridge: 0.8398, Acc.bookcase: 0.5078, Acc.blind: 0.3084, Acc.coffee table: 0.8548, Acc.toilet: 0.9325, Acc.flower: 0.5484, Acc.book: 0.7633, Acc.hill: 0.1141, Acc.bench: 0.6870, Acc.countertop: 0.7475, Acc.stove: 0.8887, Acc.palm: 0.8149, Acc.kitchen island: 0.7520, Acc.computer: 0.9222, Acc.swivel chair: 0.8437, Acc.boat: 0.7854, Acc.bar: 0.6704, Acc.arcade machine: 0.9685, Acc.hovel: 0.7873, Acc.bus: 0.9711, Acc.towel: 0.7953, Acc.light: 0.4613, Acc.truck: 0.5101, Acc.tower: 0.6163, Acc.chandelier: 0.8322, Acc.awning: 0.4268, Acc.streetlight: 0.3344, Acc.booth: 0.4611, Acc.television receiver: 0.8668, Acc.airplane: 0.7973, Acc.dirt track: 0.1639, Acc.apparel: 0.6766, Acc.pole: 0.3003, Acc.land: 0.0002, Acc.bannister: 0.0039, Acc.escalator: 0.8387, Acc.ottoman: 0.6909, Acc.bottle: 0.6309, Acc.buffet: 0.5137, Acc.poster: 0.1953, Acc.stage: 0.2768, Acc.van: 0.5461, Acc.ship: 0.8949, Acc.fountain: 0.3399, Acc.conveyer belt: 0.9933, Acc.canopy: 0.5218, Acc.washer: 0.9117, Acc.plaything: 0.4192, Acc.swimming pool: 0.7789, Acc.stool: 0.4265, Acc.barrel: 0.8787, Acc.basket: 0.4821, Acc.waterfall: 0.8614, Acc.tent: 0.9973, Acc.bag: 0.0613, Acc.minibike: 0.8809, Acc.cradle: 0.9815, Acc.oven: 0.2784, Acc.ball: 0.6510, Acc.food: 0.5054, Acc.step: 0.0207, Acc.tank: 0.6591, Acc.trade name: 0.1707, Acc.microwave: 0.9558, Acc.pot: 0.5484, Acc.animal: 0.6242, Acc.bicycle: 0.8177, Acc.lake: 0.0000, Acc.dishwasher: 0.6806, Acc.screen: 0.8833, Acc.blanket: 0.0351, Acc.sculpture: 0.7382, Acc.hood: 0.6783, Acc.sconce: 0.0784, Acc.vase: 0.5072, Acc.traffic light: 0.2039, Acc.tray: 0.0008, Acc.ashcan: 0.5268, Acc.fan: 0.5603, Acc.pier: 0.4399, Acc.crt screen: 0.0555, Acc.plate: 0.7163, Acc.monitor: 0.4643, Acc.bulletin board: 0.5705, Acc.shower: 0.0000, Acc.radiator: 0.5795, Acc.glass: 0.1277, Acc.clock: 0.1162, Acc.flag: 0.6958 2023-11-13 18:50:13,633 - mmseg - INFO - Iter [16050/160000] lr: 1.714e-06, eta: 16:41:22, time: 1.583, data_time: 1.168, memory: 16105, decode.loss_ce: 0.4655, decode.acc_seg: 82.6477, aux.loss_ce: 0.2865, aux.acc_seg: 75.8843, loss: 0.7521, grad_norm: 4.3429 2023-11-13 18:50:33,709 - mmseg - INFO - Iter [16100/160000] lr: 1.713e-06, eta: 16:40:54, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4578, decode.acc_seg: 82.3310, aux.loss_ce: 0.2688, aux.acc_seg: 76.9459, loss: 0.7266, grad_norm: 4.7788 2023-11-13 18:50:53,716 - mmseg - INFO - Iter [16150/160000] lr: 1.713e-06, eta: 16:40:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4437, decode.acc_seg: 82.9131, aux.loss_ce: 0.2733, aux.acc_seg: 76.6247, loss: 0.7170, grad_norm: 4.0633 2023-11-13 18:51:13,710 - mmseg - INFO - Iter [16200/160000] lr: 1.712e-06, eta: 16:39:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4531, decode.acc_seg: 82.6950, aux.loss_ce: 0.2783, aux.acc_seg: 75.6076, loss: 0.7314, grad_norm: 4.3112 2023-11-13 18:51:33,696 - mmseg - INFO - Iter [16250/160000] lr: 1.712e-06, eta: 16:39:28, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4669, decode.acc_seg: 82.3650, aux.loss_ce: 0.2857, aux.acc_seg: 75.7308, loss: 0.7526, grad_norm: 4.0287 2023-11-13 18:51:53,777 - mmseg - INFO - Iter [16300/160000] lr: 1.711e-06, eta: 16:39:00, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4423, decode.acc_seg: 82.4865, aux.loss_ce: 0.2805, aux.acc_seg: 75.7004, loss: 0.7228, grad_norm: 4.4524 2023-11-13 18:52:13,741 - mmseg - INFO - Iter [16350/160000] lr: 1.710e-06, eta: 16:38:32, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4705, decode.acc_seg: 81.6934, aux.loss_ce: 0.2841, aux.acc_seg: 75.2352, loss: 0.7546, grad_norm: 5.8210 2023-11-13 18:52:33,826 - mmseg - INFO - Iter [16400/160000] lr: 1.710e-06, eta: 16:38:04, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4666, decode.acc_seg: 81.9461, aux.loss_ce: 0.2819, aux.acc_seg: 75.4836, loss: 0.7485, grad_norm: 4.8701 2023-11-13 18:52:56,573 - mmseg - INFO - Iter [16450/160000] lr: 1.709e-06, eta: 16:38:00, time: 0.455, data_time: 0.051, memory: 16105, decode.loss_ce: 0.4819, decode.acc_seg: 81.9544, aux.loss_ce: 0.2964, aux.acc_seg: 75.6785, loss: 0.7783, grad_norm: 4.8493 2023-11-13 18:53:16,665 - mmseg - INFO - Iter [16500/160000] lr: 1.709e-06, eta: 16:37:32, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4674, decode.acc_seg: 82.7549, aux.loss_ce: 0.2942, aux.acc_seg: 75.6739, loss: 0.7616, grad_norm: 4.2329 2023-11-13 18:53:36,799 - mmseg - INFO - Iter [16550/160000] lr: 1.708e-06, eta: 16:37:05, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4515, decode.acc_seg: 83.0704, aux.loss_ce: 0.2844, aux.acc_seg: 75.8224, loss: 0.7358, grad_norm: 4.7892 2023-11-13 18:53:56,898 - mmseg - INFO - Iter [16600/160000] lr: 1.707e-06, eta: 16:36:38, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4665, decode.acc_seg: 82.4234, aux.loss_ce: 0.2913, aux.acc_seg: 75.0529, loss: 0.7578, grad_norm: 4.5695 2023-11-13 18:54:16,848 - mmseg - INFO - Iter [16650/160000] lr: 1.707e-06, eta: 16:36:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4421, decode.acc_seg: 83.3160, aux.loss_ce: 0.2812, aux.acc_seg: 76.0444, loss: 0.7233, grad_norm: 4.8629 2023-11-13 18:54:36,796 - mmseg - INFO - Iter [16700/160000] lr: 1.706e-06, eta: 16:35:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4387, decode.acc_seg: 83.7255, aux.loss_ce: 0.2766, aux.acc_seg: 76.6103, loss: 0.7153, grad_norm: 4.5069 2023-11-13 18:54:56,977 - mmseg - INFO - Iter [16750/160000] lr: 1.706e-06, eta: 16:35:14, time: 0.403, data_time: 0.005, memory: 16105, decode.loss_ce: 0.4625, decode.acc_seg: 82.1352, aux.loss_ce: 0.2837, aux.acc_seg: 75.3495, loss: 0.7462, grad_norm: 4.4627 2023-11-13 18:55:16,920 - mmseg - INFO - Iter [16800/160000] lr: 1.705e-06, eta: 16:34:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4536, decode.acc_seg: 82.8944, aux.loss_ce: 0.2804, aux.acc_seg: 76.1907, loss: 0.7340, grad_norm: 5.4652 2023-11-13 18:55:36,906 - mmseg - INFO - Iter [16850/160000] lr: 1.704e-06, eta: 16:34:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4622, decode.acc_seg: 82.4273, aux.loss_ce: 0.2903, aux.acc_seg: 75.2399, loss: 0.7524, grad_norm: 4.7083 2023-11-13 18:55:57,318 - mmseg - INFO - Iter [16900/160000] lr: 1.704e-06, eta: 16:33:53, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4719, decode.acc_seg: 81.7270, aux.loss_ce: 0.2833, aux.acc_seg: 75.7566, loss: 0.7552, grad_norm: 5.2102 2023-11-13 18:56:17,422 - mmseg - INFO - Iter [16950/160000] lr: 1.703e-06, eta: 16:33:26, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4324, decode.acc_seg: 83.5793, aux.loss_ce: 0.2783, aux.acc_seg: 77.2060, loss: 0.7107, grad_norm: 5.7319 2023-11-13 18:56:37,594 - mmseg - INFO - Saving checkpoint at 17000 iterations 2023-11-13 18:56:45,400 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 18:56:45,401 - mmseg - INFO - Iter [17000/160000] lr: 1.703e-06, eta: 16:34:05, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4707, decode.acc_seg: 81.9297, aux.loss_ce: 0.2843, aux.acc_seg: 75.2821, loss: 0.7550, grad_norm: 4.6508 2023-11-13 18:57:05,411 - mmseg - INFO - Iter [17050/160000] lr: 1.702e-06, eta: 16:33:37, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4561, decode.acc_seg: 82.7623, aux.loss_ce: 0.2833, aux.acc_seg: 75.8858, loss: 0.7394, grad_norm: 4.4741 2023-11-13 18:57:25,451 - mmseg - INFO - Iter [17100/160000] lr: 1.701e-06, eta: 16:33:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4414, decode.acc_seg: 83.1515, aux.loss_ce: 0.2674, aux.acc_seg: 77.0117, loss: 0.7088, grad_norm: 3.9158 2023-11-13 18:57:45,472 - mmseg - INFO - Iter [17150/160000] lr: 1.701e-06, eta: 16:32:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4628, decode.acc_seg: 82.3840, aux.loss_ce: 0.2799, aux.acc_seg: 75.3766, loss: 0.7427, grad_norm: 4.5975 2023-11-13 18:58:05,515 - mmseg - INFO - Iter [17200/160000] lr: 1.700e-06, eta: 16:32:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4454, decode.acc_seg: 82.7970, aux.loss_ce: 0.2729, aux.acc_seg: 76.4852, loss: 0.7183, grad_norm: 4.5745 2023-11-13 18:58:25,500 - mmseg - INFO - Iter [17250/160000] lr: 1.700e-06, eta: 16:31:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4605, decode.acc_seg: 82.3600, aux.loss_ce: 0.2849, aux.acc_seg: 75.6660, loss: 0.7454, grad_norm: 4.9532 2023-11-13 18:58:45,490 - mmseg - INFO - Iter [17300/160000] lr: 1.699e-06, eta: 16:31:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4403, decode.acc_seg: 83.4715, aux.loss_ce: 0.2688, aux.acc_seg: 76.8479, loss: 0.7091, grad_norm: 4.4888 2023-11-13 18:59:05,893 - mmseg - INFO - Iter [17350/160000] lr: 1.698e-06, eta: 16:30:54, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4639, decode.acc_seg: 82.2713, aux.loss_ce: 0.2787, aux.acc_seg: 76.2623, loss: 0.7426, grad_norm: 4.4528 2023-11-13 18:59:26,031 - mmseg - INFO - Iter [17400/160000] lr: 1.698e-06, eta: 16:30:28, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4373, decode.acc_seg: 83.2718, aux.loss_ce: 0.2695, aux.acc_seg: 76.5467, loss: 0.7069, grad_norm: 4.3986 2023-11-13 18:59:45,994 - mmseg - INFO - Iter [17450/160000] lr: 1.697e-06, eta: 16:30:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4400, decode.acc_seg: 82.9941, aux.loss_ce: 0.2627, aux.acc_seg: 77.2181, loss: 0.7027, grad_norm: 4.7079 2023-11-13 19:00:06,025 - mmseg - INFO - Iter [17500/160000] lr: 1.697e-06, eta: 16:29:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4449, decode.acc_seg: 83.1167, aux.loss_ce: 0.2709, aux.acc_seg: 76.4220, loss: 0.7159, grad_norm: 4.4542 2023-11-13 19:00:26,104 - mmseg - INFO - Iter [17550/160000] lr: 1.696e-06, eta: 16:29:05, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4677, decode.acc_seg: 82.0054, aux.loss_ce: 0.2793, aux.acc_seg: 75.9595, loss: 0.7470, grad_norm: 4.8579 2023-11-13 19:00:46,077 - mmseg - INFO - Iter [17600/160000] lr: 1.695e-06, eta: 16:28:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4485, decode.acc_seg: 82.5536, aux.loss_ce: 0.2680, aux.acc_seg: 76.5425, loss: 0.7164, grad_norm: 4.2831 2023-11-13 19:01:06,141 - mmseg - INFO - Iter [17650/160000] lr: 1.695e-06, eta: 16:28:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4351, decode.acc_seg: 83.4926, aux.loss_ce: 0.2688, aux.acc_seg: 76.8151, loss: 0.7038, grad_norm: 4.6580 2023-11-13 19:01:28,483 - mmseg - INFO - Iter [17700/160000] lr: 1.694e-06, eta: 16:28:02, time: 0.448, data_time: 0.052, memory: 16105, decode.loss_ce: 0.4376, decode.acc_seg: 82.6256, aux.loss_ce: 0.2736, aux.acc_seg: 76.0232, loss: 0.7112, grad_norm: 4.7364 2023-11-13 19:01:48,487 - mmseg - INFO - Iter [17750/160000] lr: 1.694e-06, eta: 16:27:34, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4302, decode.acc_seg: 83.1739, aux.loss_ce: 0.2621, aux.acc_seg: 76.7078, loss: 0.6922, grad_norm: 4.7396 2023-11-13 19:02:08,963 - mmseg - INFO - Iter [17800/160000] lr: 1.693e-06, eta: 16:27:11, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4306, decode.acc_seg: 83.4262, aux.loss_ce: 0.2668, aux.acc_seg: 77.1869, loss: 0.6974, grad_norm: 4.3407 2023-11-13 19:02:29,051 - mmseg - INFO - Iter [17850/160000] lr: 1.692e-06, eta: 16:26:44, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4288, decode.acc_seg: 84.2786, aux.loss_ce: 0.2637, aux.acc_seg: 77.9728, loss: 0.6925, grad_norm: 4.0361 2023-11-13 19:02:49,173 - mmseg - INFO - Iter [17900/160000] lr: 1.692e-06, eta: 16:26:18, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4395, decode.acc_seg: 82.8687, aux.loss_ce: 0.2751, aux.acc_seg: 76.1164, loss: 0.7146, grad_norm: 4.3987 2023-11-13 19:03:09,132 - mmseg - INFO - Iter [17950/160000] lr: 1.691e-06, eta: 16:25:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4424, decode.acc_seg: 82.9525, aux.loss_ce: 0.2767, aux.acc_seg: 75.6511, loss: 0.7191, grad_norm: 4.5693 2023-11-13 19:03:29,330 - mmseg - INFO - Saving checkpoint at 18000 iterations 2023-11-13 19:03:37,429 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:03:37,429 - mmseg - INFO - Iter [18000/160000] lr: 1.691e-06, eta: 16:26:28, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4068, decode.acc_seg: 84.0149, aux.loss_ce: 0.2574, aux.acc_seg: 77.3461, loss: 0.6642, grad_norm: 3.9704 2023-11-13 19:03:57,520 - mmseg - INFO - Iter [18050/160000] lr: 1.690e-06, eta: 16:26:01, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4241, decode.acc_seg: 83.2694, aux.loss_ce: 0.2643, aux.acc_seg: 76.6107, loss: 0.6884, grad_norm: 4.1637 2023-11-13 19:04:17,568 - mmseg - INFO - Iter [18100/160000] lr: 1.689e-06, eta: 16:25:34, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4372, decode.acc_seg: 83.4428, aux.loss_ce: 0.2666, aux.acc_seg: 77.2277, loss: 0.7038, grad_norm: 4.5804 2023-11-13 19:04:37,573 - mmseg - INFO - Iter [18150/160000] lr: 1.689e-06, eta: 16:25:07, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4493, decode.acc_seg: 82.2769, aux.loss_ce: 0.2821, aux.acc_seg: 75.4981, loss: 0.7313, grad_norm: 4.4278 2023-11-13 19:04:57,556 - mmseg - INFO - Iter [18200/160000] lr: 1.688e-06, eta: 16:24:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4288, decode.acc_seg: 83.1551, aux.loss_ce: 0.2589, aux.acc_seg: 77.0509, loss: 0.6877, grad_norm: 5.0071 2023-11-13 19:05:17,764 - mmseg - INFO - Iter [18250/160000] lr: 1.688e-06, eta: 16:24:14, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4533, decode.acc_seg: 82.6821, aux.loss_ce: 0.2747, aux.acc_seg: 76.0560, loss: 0.7280, grad_norm: 3.8835 2023-11-13 19:05:38,031 - mmseg - INFO - Iter [18300/160000] lr: 1.687e-06, eta: 16:23:49, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4389, decode.acc_seg: 82.9949, aux.loss_ce: 0.2605, aux.acc_seg: 76.9174, loss: 0.6994, grad_norm: 5.2665 2023-11-13 19:05:58,154 - mmseg - INFO - Iter [18350/160000] lr: 1.687e-06, eta: 16:23:22, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4363, decode.acc_seg: 83.4563, aux.loss_ce: 0.2716, aux.acc_seg: 76.3894, loss: 0.7079, grad_norm: 4.5572 2023-11-13 19:06:18,115 - mmseg - INFO - Iter [18400/160000] lr: 1.686e-06, eta: 16:22:55, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4567, decode.acc_seg: 82.9331, aux.loss_ce: 0.2812, aux.acc_seg: 76.2236, loss: 0.7379, grad_norm: 4.5425 2023-11-13 19:06:38,164 - mmseg - INFO - Iter [18450/160000] lr: 1.685e-06, eta: 16:22:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4757, decode.acc_seg: 81.9175, aux.loss_ce: 0.2889, aux.acc_seg: 75.3607, loss: 0.7646, grad_norm: 4.8629 2023-11-13 19:06:58,299 - mmseg - INFO - Iter [18500/160000] lr: 1.685e-06, eta: 16:22:02, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4518, decode.acc_seg: 83.0773, aux.loss_ce: 0.2767, aux.acc_seg: 76.8480, loss: 0.7285, grad_norm: 4.3373 2023-11-13 19:07:18,268 - mmseg - INFO - Iter [18550/160000] lr: 1.684e-06, eta: 16:21:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4066, decode.acc_seg: 83.9820, aux.loss_ce: 0.2578, aux.acc_seg: 77.0302, loss: 0.6644, grad_norm: 4.1784 2023-11-13 19:07:38,423 - mmseg - INFO - Iter [18600/160000] lr: 1.684e-06, eta: 16:21:09, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4087, decode.acc_seg: 83.9355, aux.loss_ce: 0.2533, aux.acc_seg: 77.0991, loss: 0.6620, grad_norm: 4.2289 2023-11-13 19:07:58,398 - mmseg - INFO - Iter [18650/160000] lr: 1.683e-06, eta: 16:20:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4336, decode.acc_seg: 83.2940, aux.loss_ce: 0.2721, aux.acc_seg: 76.2601, loss: 0.7057, grad_norm: 4.9256 2023-11-13 19:08:18,628 - mmseg - INFO - Iter [18700/160000] lr: 1.682e-06, eta: 16:20:16, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4403, decode.acc_seg: 83.0369, aux.loss_ce: 0.2713, aux.acc_seg: 76.2529, loss: 0.7116, grad_norm: 4.3712 2023-11-13 19:08:38,949 - mmseg - INFO - Iter [18750/160000] lr: 1.682e-06, eta: 16:19:52, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4306, decode.acc_seg: 83.3326, aux.loss_ce: 0.2609, aux.acc_seg: 76.6100, loss: 0.6915, grad_norm: 4.1168 2023-11-13 19:08:59,106 - mmseg - INFO - Iter [18800/160000] lr: 1.681e-06, eta: 16:19:26, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4660, decode.acc_seg: 81.7927, aux.loss_ce: 0.2830, aux.acc_seg: 75.2947, loss: 0.7489, grad_norm: 4.5636 2023-11-13 19:09:19,091 - mmseg - INFO - Iter [18850/160000] lr: 1.681e-06, eta: 16:18:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4204, decode.acc_seg: 83.7339, aux.loss_ce: 0.2536, aux.acc_seg: 77.9179, loss: 0.6740, grad_norm: 4.3508 2023-11-13 19:09:39,167 - mmseg - INFO - Iter [18900/160000] lr: 1.680e-06, eta: 16:18:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4386, decode.acc_seg: 83.0653, aux.loss_ce: 0.2677, aux.acc_seg: 76.5522, loss: 0.7063, grad_norm: 4.6384 2023-11-13 19:10:01,454 - mmseg - INFO - Iter [18950/160000] lr: 1.679e-06, eta: 16:18:23, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.4353, decode.acc_seg: 83.1783, aux.loss_ce: 0.2571, aux.acc_seg: 77.7878, loss: 0.6924, grad_norm: 4.4588 2023-11-13 19:10:21,456 - mmseg - INFO - Saving checkpoint at 19000 iterations 2023-11-13 19:10:29,095 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:10:29,095 - mmseg - INFO - Iter [19000/160000] lr: 1.679e-06, eta: 16:18:53, time: 0.553, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4511, decode.acc_seg: 83.1191, aux.loss_ce: 0.2775, aux.acc_seg: 76.1507, loss: 0.7286, grad_norm: 4.3929 2023-11-13 19:10:49,176 - mmseg - INFO - Iter [19050/160000] lr: 1.678e-06, eta: 16:18:27, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4441, decode.acc_seg: 82.4372, aux.loss_ce: 0.2731, aux.acc_seg: 75.5195, loss: 0.7172, grad_norm: 4.6556 2023-11-13 19:11:09,251 - mmseg - INFO - Iter [19100/160000] lr: 1.678e-06, eta: 16:18:00, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4359, decode.acc_seg: 83.4099, aux.loss_ce: 0.2704, aux.acc_seg: 77.0927, loss: 0.7064, grad_norm: 3.9799 2023-11-13 19:11:29,344 - mmseg - INFO - Iter [19150/160000] lr: 1.677e-06, eta: 16:17:34, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4274, decode.acc_seg: 83.9934, aux.loss_ce: 0.2665, aux.acc_seg: 77.1639, loss: 0.6939, grad_norm: 4.5138 2023-11-13 19:11:49,813 - mmseg - INFO - Iter [19200/160000] lr: 1.676e-06, eta: 16:17:11, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4360, decode.acc_seg: 83.4392, aux.loss_ce: 0.2638, aux.acc_seg: 76.9921, loss: 0.6998, grad_norm: 4.1946 2023-11-13 19:12:09,849 - mmseg - INFO - Iter [19250/160000] lr: 1.676e-06, eta: 16:16:44, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4285, decode.acc_seg: 83.3459, aux.loss_ce: 0.2686, aux.acc_seg: 76.5924, loss: 0.6971, grad_norm: 4.7152 2023-11-13 19:12:29,995 - mmseg - INFO - Iter [19300/160000] lr: 1.675e-06, eta: 16:16:18, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4321, decode.acc_seg: 83.2539, aux.loss_ce: 0.2660, aux.acc_seg: 76.5963, loss: 0.6981, grad_norm: 5.6283 2023-11-13 19:12:49,970 - mmseg - INFO - Iter [19350/160000] lr: 1.675e-06, eta: 16:15:51, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4165, decode.acc_seg: 84.1931, aux.loss_ce: 0.2651, aux.acc_seg: 77.0970, loss: 0.6816, grad_norm: 3.9668 2023-11-13 19:13:10,159 - mmseg - INFO - Iter [19400/160000] lr: 1.674e-06, eta: 16:15:26, time: 0.404, data_time: 0.008, memory: 16105, decode.loss_ce: 0.4020, decode.acc_seg: 84.3615, aux.loss_ce: 0.2626, aux.acc_seg: 77.1440, loss: 0.6646, grad_norm: 4.3468 2023-11-13 19:13:30,185 - mmseg - INFO - Iter [19450/160000] lr: 1.673e-06, eta: 16:15:00, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4289, decode.acc_seg: 83.3299, aux.loss_ce: 0.2615, aux.acc_seg: 77.0514, loss: 0.6904, grad_norm: 4.4665 2023-11-13 19:13:50,131 - mmseg - INFO - Iter [19500/160000] lr: 1.673e-06, eta: 16:14:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4355, decode.acc_seg: 83.2294, aux.loss_ce: 0.2609, aux.acc_seg: 76.6856, loss: 0.6964, grad_norm: 4.4957 2023-11-13 19:14:10,069 - mmseg - INFO - Iter [19550/160000] lr: 1.672e-06, eta: 16:14:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4326, decode.acc_seg: 83.5601, aux.loss_ce: 0.2691, aux.acc_seg: 76.8050, loss: 0.7017, grad_norm: 4.5449 2023-11-13 19:14:30,076 - mmseg - INFO - Iter [19600/160000] lr: 1.672e-06, eta: 16:13:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4478, decode.acc_seg: 82.9520, aux.loss_ce: 0.2707, aux.acc_seg: 76.5656, loss: 0.7185, grad_norm: 4.5732 2023-11-13 19:14:50,613 - mmseg - INFO - Iter [19650/160000] lr: 1.671e-06, eta: 16:13:16, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4171, decode.acc_seg: 83.8866, aux.loss_ce: 0.2510, aux.acc_seg: 77.5427, loss: 0.6682, grad_norm: 4.6276 2023-11-13 19:15:10,707 - mmseg - INFO - Iter [19700/160000] lr: 1.670e-06, eta: 16:12:50, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4356, decode.acc_seg: 82.7473, aux.loss_ce: 0.2656, aux.acc_seg: 76.3973, loss: 0.7012, grad_norm: 4.3116 2023-11-13 19:15:30,680 - mmseg - INFO - Iter [19750/160000] lr: 1.670e-06, eta: 16:12:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4130, decode.acc_seg: 83.6311, aux.loss_ce: 0.2512, aux.acc_seg: 76.8912, loss: 0.6642, grad_norm: 4.0602 2023-11-13 19:15:50,756 - mmseg - INFO - Iter [19800/160000] lr: 1.669e-06, eta: 16:11:58, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4452, decode.acc_seg: 82.5780, aux.loss_ce: 0.2806, aux.acc_seg: 76.1190, loss: 0.7257, grad_norm: 4.8114 2023-11-13 19:16:10,850 - mmseg - INFO - Iter [19850/160000] lr: 1.669e-06, eta: 16:11:32, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4190, decode.acc_seg: 83.6200, aux.loss_ce: 0.2568, aux.acc_seg: 76.8919, loss: 0.6758, grad_norm: 5.0093 2023-11-13 19:16:30,801 - mmseg - INFO - Iter [19900/160000] lr: 1.668e-06, eta: 16:11:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4443, decode.acc_seg: 82.8881, aux.loss_ce: 0.2662, aux.acc_seg: 76.5577, loss: 0.7105, grad_norm: 4.5965 2023-11-13 19:16:51,050 - mmseg - INFO - Iter [19950/160000] lr: 1.667e-06, eta: 16:10:41, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4317, decode.acc_seg: 83.1653, aux.loss_ce: 0.2535, aux.acc_seg: 77.4234, loss: 0.6852, grad_norm: 4.8203 2023-11-13 19:17:11,254 - mmseg - INFO - Saving checkpoint at 20000 iterations 2023-11-13 19:17:18,977 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:17:18,977 - mmseg - INFO - Iter [20000/160000] lr: 1.667e-06, eta: 16:11:10, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4129, decode.acc_seg: 83.5896, aux.loss_ce: 0.2576, aux.acc_seg: 77.2251, loss: 0.6705, grad_norm: 4.4100 2023-11-13 19:17:39,231 - mmseg - INFO - Iter [20050/160000] lr: 1.666e-06, eta: 16:10:45, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4407, decode.acc_seg: 83.3526, aux.loss_ce: 0.2625, aux.acc_seg: 77.7059, loss: 0.7032, grad_norm: 4.8036 2023-11-13 19:17:59,747 - mmseg - INFO - Iter [20100/160000] lr: 1.666e-06, eta: 16:10:22, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4305, decode.acc_seg: 83.0667, aux.loss_ce: 0.2589, aux.acc_seg: 76.9745, loss: 0.6894, grad_norm: 3.9164 2023-11-13 19:18:19,908 - mmseg - INFO - Iter [20150/160000] lr: 1.665e-06, eta: 16:09:57, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4403, decode.acc_seg: 82.6967, aux.loss_ce: 0.2739, aux.acc_seg: 75.9204, loss: 0.7142, grad_norm: 4.9810 2023-11-13 19:18:40,005 - mmseg - INFO - Iter [20200/160000] lr: 1.664e-06, eta: 16:09:31, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4291, decode.acc_seg: 83.4478, aux.loss_ce: 0.2670, aux.acc_seg: 76.6962, loss: 0.6962, grad_norm: 4.4138 2023-11-13 19:19:02,329 - mmseg - INFO - Iter [20250/160000] lr: 1.664e-06, eta: 16:09:21, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.4023, decode.acc_seg: 84.7693, aux.loss_ce: 0.2541, aux.acc_seg: 77.9793, loss: 0.6564, grad_norm: 3.4831 2023-11-13 19:19:22,349 - mmseg - INFO - Iter [20300/160000] lr: 1.663e-06, eta: 16:08:55, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4166, decode.acc_seg: 84.2009, aux.loss_ce: 0.2640, aux.acc_seg: 76.6257, loss: 0.6806, grad_norm: 4.3927 2023-11-13 19:19:42,539 - mmseg - INFO - Iter [20350/160000] lr: 1.663e-06, eta: 16:08:29, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3917, decode.acc_seg: 85.1429, aux.loss_ce: 0.2400, aux.acc_seg: 79.2275, loss: 0.6316, grad_norm: 4.0165 2023-11-13 19:20:02,538 - mmseg - INFO - Iter [20400/160000] lr: 1.662e-06, eta: 16:08:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4365, decode.acc_seg: 83.3113, aux.loss_ce: 0.2640, aux.acc_seg: 77.0130, loss: 0.7006, grad_norm: 4.8895 2023-11-13 19:20:22,508 - mmseg - INFO - Iter [20450/160000] lr: 1.662e-06, eta: 16:07:37, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3997, decode.acc_seg: 84.5933, aux.loss_ce: 0.2485, aux.acc_seg: 77.7784, loss: 0.6482, grad_norm: 4.3925 2023-11-13 19:20:42,484 - mmseg - INFO - Iter [20500/160000] lr: 1.661e-06, eta: 16:07:10, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3982, decode.acc_seg: 84.5944, aux.loss_ce: 0.2550, aux.acc_seg: 77.8937, loss: 0.6532, grad_norm: 4.6339 2023-11-13 19:21:02,697 - mmseg - INFO - Iter [20550/160000] lr: 1.660e-06, eta: 16:06:46, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3974, decode.acc_seg: 84.5828, aux.loss_ce: 0.2493, aux.acc_seg: 78.0434, loss: 0.6466, grad_norm: 3.9389 2023-11-13 19:21:23,137 - mmseg - INFO - Iter [20600/160000] lr: 1.660e-06, eta: 16:06:22, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4182, decode.acc_seg: 83.7698, aux.loss_ce: 0.2553, aux.acc_seg: 77.9559, loss: 0.6735, grad_norm: 4.3019 2023-11-13 19:21:43,381 - mmseg - INFO - Iter [20650/160000] lr: 1.659e-06, eta: 16:05:58, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4261, decode.acc_seg: 83.5964, aux.loss_ce: 0.2575, aux.acc_seg: 77.3971, loss: 0.6835, grad_norm: 4.8296 2023-11-13 19:22:03,478 - mmseg - INFO - Iter [20700/160000] lr: 1.659e-06, eta: 16:05:32, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4219, decode.acc_seg: 84.1670, aux.loss_ce: 0.2598, aux.acc_seg: 78.0152, loss: 0.6817, grad_norm: 5.7957 2023-11-13 19:22:23,417 - mmseg - INFO - Iter [20750/160000] lr: 1.658e-06, eta: 16:05:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4521, decode.acc_seg: 83.3518, aux.loss_ce: 0.2744, aux.acc_seg: 76.9780, loss: 0.7265, grad_norm: 4.1664 2023-11-13 19:22:43,460 - mmseg - INFO - Iter [20800/160000] lr: 1.657e-06, eta: 16:04:40, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4363, decode.acc_seg: 83.2339, aux.loss_ce: 0.2640, aux.acc_seg: 76.9783, loss: 0.7003, grad_norm: 4.8000 2023-11-13 19:23:03,435 - mmseg - INFO - Iter [20850/160000] lr: 1.657e-06, eta: 16:04:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3869, decode.acc_seg: 85.0358, aux.loss_ce: 0.2403, aux.acc_seg: 79.0402, loss: 0.6272, grad_norm: 4.5439 2023-11-13 19:23:23,447 - mmseg - INFO - Iter [20900/160000] lr: 1.656e-06, eta: 16:03:48, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4329, decode.acc_seg: 83.2458, aux.loss_ce: 0.2704, aux.acc_seg: 76.6037, loss: 0.7032, grad_norm: 4.4547 2023-11-13 19:23:43,389 - mmseg - INFO - Iter [20950/160000] lr: 1.656e-06, eta: 16:03:21, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4240, decode.acc_seg: 83.9761, aux.loss_ce: 0.2537, aux.acc_seg: 77.6876, loss: 0.6777, grad_norm: 5.3832 2023-11-13 19:24:03,341 - mmseg - INFO - Saving checkpoint at 21000 iterations 2023-11-13 19:24:11,110 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:24:11,110 - mmseg - INFO - Iter [21000/160000] lr: 1.655e-06, eta: 16:03:46, time: 0.554, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4450, decode.acc_seg: 82.5903, aux.loss_ce: 0.2684, aux.acc_seg: 76.3289, loss: 0.7134, grad_norm: 4.7831 2023-11-13 19:24:31,735 - mmseg - INFO - Iter [21050/160000] lr: 1.654e-06, eta: 16:03:24, time: 0.412, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4190, decode.acc_seg: 83.7675, aux.loss_ce: 0.2655, aux.acc_seg: 76.4703, loss: 0.6845, grad_norm: 4.7538 2023-11-13 19:24:51,847 - mmseg - INFO - Iter [21100/160000] lr: 1.654e-06, eta: 16:02:59, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4227, decode.acc_seg: 83.5410, aux.loss_ce: 0.2656, aux.acc_seg: 76.7303, loss: 0.6883, grad_norm: 4.4069 2023-11-13 19:25:11,883 - mmseg - INFO - Iter [21150/160000] lr: 1.653e-06, eta: 16:02:33, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4314, decode.acc_seg: 83.1730, aux.loss_ce: 0.2573, aux.acc_seg: 77.2653, loss: 0.6887, grad_norm: 4.7540 2023-11-13 19:25:31,831 - mmseg - INFO - Iter [21200/160000] lr: 1.653e-06, eta: 16:02:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4106, decode.acc_seg: 83.5974, aux.loss_ce: 0.2493, aux.acc_seg: 77.4770, loss: 0.6599, grad_norm: 5.0406 2023-11-13 19:25:51,889 - mmseg - INFO - Iter [21250/160000] lr: 1.652e-06, eta: 16:01:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4433, decode.acc_seg: 82.6598, aux.loss_ce: 0.2621, aux.acc_seg: 76.4521, loss: 0.7054, grad_norm: 5.2708 2023-11-13 19:26:11,936 - mmseg - INFO - Iter [21300/160000] lr: 1.651e-06, eta: 16:01:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4061, decode.acc_seg: 83.6425, aux.loss_ce: 0.2631, aux.acc_seg: 76.7473, loss: 0.6691, grad_norm: 4.6307 2023-11-13 19:26:32,045 - mmseg - INFO - Iter [21350/160000] lr: 1.651e-06, eta: 16:00:50, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4328, decode.acc_seg: 82.6227, aux.loss_ce: 0.2632, aux.acc_seg: 76.4937, loss: 0.6960, grad_norm: 4.7667 2023-11-13 19:26:52,125 - mmseg - INFO - Iter [21400/160000] lr: 1.650e-06, eta: 16:00:25, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4361, decode.acc_seg: 83.5289, aux.loss_ce: 0.2731, aux.acc_seg: 76.3445, loss: 0.7092, grad_norm: 4.8560 2023-11-13 19:27:12,156 - mmseg - INFO - Iter [21450/160000] lr: 1.650e-06, eta: 15:59:59, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4250, decode.acc_seg: 82.8036, aux.loss_ce: 0.2535, aux.acc_seg: 77.1763, loss: 0.6784, grad_norm: 4.0251 2023-11-13 19:27:35,048 - mmseg - INFO - Iter [21500/160000] lr: 1.649e-06, eta: 15:59:52, time: 0.458, data_time: 0.053, memory: 16105, decode.loss_ce: 0.4217, decode.acc_seg: 83.7976, aux.loss_ce: 0.2587, aux.acc_seg: 77.5810, loss: 0.6805, grad_norm: 4.3883 2023-11-13 19:27:55,113 - mmseg - INFO - Iter [21550/160000] lr: 1.648e-06, eta: 15:59:27, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3986, decode.acc_seg: 84.5336, aux.loss_ce: 0.2480, aux.acc_seg: 78.1796, loss: 0.6466, grad_norm: 4.5261 2023-11-13 19:28:15,068 - mmseg - INFO - Iter [21600/160000] lr: 1.648e-06, eta: 15:59:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3954, decode.acc_seg: 84.7203, aux.loss_ce: 0.2463, aux.acc_seg: 78.3240, loss: 0.6418, grad_norm: 5.0816 2023-11-13 19:28:35,028 - mmseg - INFO - Iter [21650/160000] lr: 1.647e-06, eta: 15:58:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3917, decode.acc_seg: 84.3954, aux.loss_ce: 0.2476, aux.acc_seg: 77.7534, loss: 0.6394, grad_norm: 4.4135 2023-11-13 19:28:54,980 - mmseg - INFO - Iter [21700/160000] lr: 1.647e-06, eta: 15:58:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4155, decode.acc_seg: 84.4669, aux.loss_ce: 0.2583, aux.acc_seg: 78.2131, loss: 0.6738, grad_norm: 3.9964 2023-11-13 19:29:14,929 - mmseg - INFO - Iter [21750/160000] lr: 1.646e-06, eta: 15:57:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4117, decode.acc_seg: 84.0855, aux.loss_ce: 0.2518, aux.acc_seg: 77.6349, loss: 0.6636, grad_norm: 4.3077 2023-11-13 19:29:34,856 - mmseg - INFO - Iter [21800/160000] lr: 1.645e-06, eta: 15:57:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4183, decode.acc_seg: 84.0828, aux.loss_ce: 0.2623, aux.acc_seg: 77.2201, loss: 0.6807, grad_norm: 4.2935 2023-11-13 19:29:54,845 - mmseg - INFO - Iter [21850/160000] lr: 1.645e-06, eta: 15:56:50, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4107, decode.acc_seg: 83.5468, aux.loss_ce: 0.2558, aux.acc_seg: 77.2148, loss: 0.6665, grad_norm: 4.4993 2023-11-13 19:30:14,912 - mmseg - INFO - Iter [21900/160000] lr: 1.644e-06, eta: 15:56:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4019, decode.acc_seg: 84.4280, aux.loss_ce: 0.2467, aux.acc_seg: 78.4162, loss: 0.6487, grad_norm: 4.9103 2023-11-13 19:30:35,383 - mmseg - INFO - Iter [21950/160000] lr: 1.644e-06, eta: 15:56:02, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4221, decode.acc_seg: 83.7817, aux.loss_ce: 0.2599, aux.acc_seg: 76.9352, loss: 0.6819, grad_norm: 4.3207 2023-11-13 19:30:55,434 - mmseg - INFO - Saving checkpoint at 22000 iterations 2023-11-13 19:31:03,065 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:31:03,065 - mmseg - INFO - Iter [22000/160000] lr: 1.643e-06, eta: 15:56:25, time: 0.554, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4079, decode.acc_seg: 83.8646, aux.loss_ce: 0.2500, aux.acc_seg: 78.0478, loss: 0.6579, grad_norm: 4.9868 2023-11-13 19:31:23,145 - mmseg - INFO - Iter [22050/160000] lr: 1.642e-06, eta: 15:56:00, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4280, decode.acc_seg: 83.5408, aux.loss_ce: 0.2666, aux.acc_seg: 76.9738, loss: 0.6945, grad_norm: 4.3777 2023-11-13 19:31:43,220 - mmseg - INFO - Iter [22100/160000] lr: 1.642e-06, eta: 15:55:34, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4314, decode.acc_seg: 83.5419, aux.loss_ce: 0.2620, aux.acc_seg: 77.1620, loss: 0.6935, grad_norm: 5.2896 2023-11-13 19:32:03,199 - mmseg - INFO - Iter [22150/160000] lr: 1.641e-06, eta: 15:55:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4053, decode.acc_seg: 84.4964, aux.loss_ce: 0.2525, aux.acc_seg: 77.6966, loss: 0.6579, grad_norm: 4.3608 2023-11-13 19:32:23,256 - mmseg - INFO - Iter [22200/160000] lr: 1.641e-06, eta: 15:54:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4203, decode.acc_seg: 83.6882, aux.loss_ce: 0.2554, aux.acc_seg: 77.2170, loss: 0.6756, grad_norm: 4.1997 2023-11-13 19:32:43,486 - mmseg - INFO - Iter [22250/160000] lr: 1.640e-06, eta: 15:54:19, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4162, decode.acc_seg: 83.7801, aux.loss_ce: 0.2546, aux.acc_seg: 77.4742, loss: 0.6708, grad_norm: 4.8530 2023-11-13 19:33:03,569 - mmseg - INFO - Iter [22300/160000] lr: 1.639e-06, eta: 15:53:54, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4063, decode.acc_seg: 84.0404, aux.loss_ce: 0.2463, aux.acc_seg: 78.0291, loss: 0.6527, grad_norm: 4.6527 2023-11-13 19:33:23,597 - mmseg - INFO - Iter [22350/160000] lr: 1.639e-06, eta: 15:53:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4231, decode.acc_seg: 83.8676, aux.loss_ce: 0.2532, aux.acc_seg: 77.2818, loss: 0.6763, grad_norm: 5.0814 2023-11-13 19:33:44,173 - mmseg - INFO - Iter [22400/160000] lr: 1.638e-06, eta: 15:53:06, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4278, decode.acc_seg: 83.7604, aux.loss_ce: 0.2671, aux.acc_seg: 77.0819, loss: 0.6949, grad_norm: 4.3962 2023-11-13 19:34:04,292 - mmseg - INFO - Iter [22450/160000] lr: 1.638e-06, eta: 15:52:42, time: 0.404, data_time: 0.008, memory: 16105, decode.loss_ce: 0.3873, decode.acc_seg: 84.6617, aux.loss_ce: 0.2380, aux.acc_seg: 78.9311, loss: 0.6253, grad_norm: 4.8160 2023-11-13 19:34:24,422 - mmseg - INFO - Iter [22500/160000] lr: 1.637e-06, eta: 15:52:17, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3998, decode.acc_seg: 84.5881, aux.loss_ce: 0.2519, aux.acc_seg: 78.0478, loss: 0.6517, grad_norm: 5.6827 2023-11-13 19:34:44,406 - mmseg - INFO - Iter [22550/160000] lr: 1.637e-06, eta: 15:51:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4168, decode.acc_seg: 84.1064, aux.loss_ce: 0.2567, aux.acc_seg: 78.2661, loss: 0.6735, grad_norm: 4.9328 2023-11-13 19:35:04,468 - mmseg - INFO - Iter [22600/160000] lr: 1.636e-06, eta: 15:51:26, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4064, decode.acc_seg: 84.0462, aux.loss_ce: 0.2502, aux.acc_seg: 77.4208, loss: 0.6566, grad_norm: 4.1734 2023-11-13 19:35:24,434 - mmseg - INFO - Iter [22650/160000] lr: 1.635e-06, eta: 15:51:00, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4159, decode.acc_seg: 83.8655, aux.loss_ce: 0.2554, aux.acc_seg: 77.9143, loss: 0.6713, grad_norm: 4.8424 2023-11-13 19:35:44,386 - mmseg - INFO - Iter [22700/160000] lr: 1.635e-06, eta: 15:50:35, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4228, decode.acc_seg: 83.3675, aux.loss_ce: 0.2562, aux.acc_seg: 77.3461, loss: 0.6789, grad_norm: 5.3738 2023-11-13 19:36:06,752 - mmseg - INFO - Iter [22750/160000] lr: 1.634e-06, eta: 15:50:24, time: 0.447, data_time: 0.050, memory: 16105, decode.loss_ce: 0.4238, decode.acc_seg: 83.6682, aux.loss_ce: 0.2599, aux.acc_seg: 77.3050, loss: 0.6838, grad_norm: 4.5375 2023-11-13 19:36:26,874 - mmseg - INFO - Iter [22800/160000] lr: 1.634e-06, eta: 15:49:59, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4012, decode.acc_seg: 84.8068, aux.loss_ce: 0.2496, aux.acc_seg: 78.2918, loss: 0.6508, grad_norm: 4.9628 2023-11-13 19:36:47,053 - mmseg - INFO - Iter [22850/160000] lr: 1.633e-06, eta: 15:49:35, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3884, decode.acc_seg: 84.4951, aux.loss_ce: 0.2364, aux.acc_seg: 78.3000, loss: 0.6248, grad_norm: 4.8096 2023-11-13 19:37:07,334 - mmseg - INFO - Iter [22900/160000] lr: 1.632e-06, eta: 15:49:11, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3881, decode.acc_seg: 84.8484, aux.loss_ce: 0.2470, aux.acc_seg: 78.2264, loss: 0.6351, grad_norm: 4.0173 2023-11-13 19:37:27,404 - mmseg - INFO - Iter [22950/160000] lr: 1.632e-06, eta: 15:48:46, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3965, decode.acc_seg: 84.5498, aux.loss_ce: 0.2514, aux.acc_seg: 78.0005, loss: 0.6479, grad_norm: 4.5249 2023-11-13 19:37:47,342 - mmseg - INFO - Saving checkpoint at 23000 iterations 2023-11-13 19:37:55,168 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:37:55,168 - mmseg - INFO - Iter [23000/160000] lr: 1.631e-06, eta: 15:49:07, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3793, decode.acc_seg: 85.2177, aux.loss_ce: 0.2371, aux.acc_seg: 79.1437, loss: 0.6165, grad_norm: 4.4179 2023-11-13 19:38:15,154 - mmseg - INFO - Iter [23050/160000] lr: 1.631e-06, eta: 15:48:41, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3824, decode.acc_seg: 85.0753, aux.loss_ce: 0.2439, aux.acc_seg: 78.4389, loss: 0.6263, grad_norm: 3.9457 2023-11-13 19:38:35,220 - mmseg - INFO - Iter [23100/160000] lr: 1.630e-06, eta: 15:48:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3924, decode.acc_seg: 84.2932, aux.loss_ce: 0.2382, aux.acc_seg: 78.3518, loss: 0.6307, grad_norm: 4.6209 2023-11-13 19:38:55,303 - mmseg - INFO - Iter [23150/160000] lr: 1.629e-06, eta: 15:47:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3990, decode.acc_seg: 84.1634, aux.loss_ce: 0.2589, aux.acc_seg: 76.9846, loss: 0.6579, grad_norm: 4.7148 2023-11-13 19:39:15,221 - mmseg - INFO - Iter [23200/160000] lr: 1.629e-06, eta: 15:47:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3896, decode.acc_seg: 85.2257, aux.loss_ce: 0.2371, aux.acc_seg: 79.0507, loss: 0.6267, grad_norm: 3.7325 2023-11-13 19:39:35,180 - mmseg - INFO - Iter [23250/160000] lr: 1.628e-06, eta: 15:47:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4117, decode.acc_seg: 84.1496, aux.loss_ce: 0.2556, aux.acc_seg: 77.7570, loss: 0.6673, grad_norm: 4.3476 2023-11-13 19:39:55,201 - mmseg - INFO - Iter [23300/160000] lr: 1.628e-06, eta: 15:46:35, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4011, decode.acc_seg: 84.3916, aux.loss_ce: 0.2517, aux.acc_seg: 77.5042, loss: 0.6528, grad_norm: 4.2901 2023-11-13 19:40:15,826 - mmseg - INFO - Iter [23350/160000] lr: 1.627e-06, eta: 15:46:13, time: 0.412, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4066, decode.acc_seg: 84.3934, aux.loss_ce: 0.2572, aux.acc_seg: 77.9871, loss: 0.6639, grad_norm: 4.1044 2023-11-13 19:40:35,913 - mmseg - INFO - Iter [23400/160000] lr: 1.626e-06, eta: 15:45:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4048, decode.acc_seg: 83.7088, aux.loss_ce: 0.2476, aux.acc_seg: 77.3412, loss: 0.6524, grad_norm: 4.2312 2023-11-13 19:40:55,844 - mmseg - INFO - Iter [23450/160000] lr: 1.626e-06, eta: 15:45:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3845, decode.acc_seg: 85.0813, aux.loss_ce: 0.2367, aux.acc_seg: 79.3007, loss: 0.6212, grad_norm: 4.4306 2023-11-13 19:41:15,776 - mmseg - INFO - Iter [23500/160000] lr: 1.625e-06, eta: 15:44:57, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4003, decode.acc_seg: 84.1631, aux.loss_ce: 0.2466, aux.acc_seg: 78.0902, loss: 0.6469, grad_norm: 4.1968 2023-11-13 19:41:35,802 - mmseg - INFO - Iter [23550/160000] lr: 1.625e-06, eta: 15:44:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4233, decode.acc_seg: 83.8629, aux.loss_ce: 0.2563, aux.acc_seg: 77.6692, loss: 0.6796, grad_norm: 5.0678 2023-11-13 19:41:55,753 - mmseg - INFO - Iter [23600/160000] lr: 1.624e-06, eta: 15:44:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4049, decode.acc_seg: 84.0644, aux.loss_ce: 0.2482, aux.acc_seg: 78.0009, loss: 0.6530, grad_norm: 4.7947 2023-11-13 19:42:15,827 - mmseg - INFO - Iter [23650/160000] lr: 1.623e-06, eta: 15:43:42, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4082, decode.acc_seg: 84.7305, aux.loss_ce: 0.2470, aux.acc_seg: 78.4065, loss: 0.6552, grad_norm: 4.6189 2023-11-13 19:42:35,879 - mmseg - INFO - Iter [23700/160000] lr: 1.623e-06, eta: 15:43:17, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3974, decode.acc_seg: 84.4679, aux.loss_ce: 0.2364, aux.acc_seg: 79.1149, loss: 0.6338, grad_norm: 5.0971 2023-11-13 19:42:56,073 - mmseg - INFO - Iter [23750/160000] lr: 1.622e-06, eta: 15:42:53, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4131, decode.acc_seg: 84.4114, aux.loss_ce: 0.2516, aux.acc_seg: 78.1802, loss: 0.6647, grad_norm: 5.4898 2023-11-13 19:43:16,623 - mmseg - INFO - Iter [23800/160000] lr: 1.622e-06, eta: 15:42:31, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4152, decode.acc_seg: 83.6744, aux.loss_ce: 0.2539, aux.acc_seg: 77.3521, loss: 0.6691, grad_norm: 4.9397 2023-11-13 19:43:36,681 - mmseg - INFO - Iter [23850/160000] lr: 1.621e-06, eta: 15:42:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3986, decode.acc_seg: 84.4020, aux.loss_ce: 0.2547, aux.acc_seg: 77.6070, loss: 0.6533, grad_norm: 4.5338 2023-11-13 19:43:56,680 - mmseg - INFO - Iter [23900/160000] lr: 1.620e-06, eta: 15:41:41, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4314, decode.acc_seg: 83.5496, aux.loss_ce: 0.2699, aux.acc_seg: 76.5940, loss: 0.7013, grad_norm: 5.9454 2023-11-13 19:44:16,740 - mmseg - INFO - Iter [23950/160000] lr: 1.620e-06, eta: 15:41:16, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4177, decode.acc_seg: 83.7253, aux.loss_ce: 0.2516, aux.acc_seg: 77.8796, loss: 0.6693, grad_norm: 4.5809 2023-11-13 19:44:39,065 - mmseg - INFO - Saving checkpoint at 24000 iterations 2023-11-13 19:44:46,923 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:44:46,923 - mmseg - INFO - Iter [24000/160000] lr: 1.619e-06, eta: 15:41:49, time: 0.604, data_time: 0.053, memory: 16105, decode.loss_ce: 0.3885, decode.acc_seg: 84.5257, aux.loss_ce: 0.2418, aux.acc_seg: 78.0806, loss: 0.6303, grad_norm: 4.3735 2023-11-13 19:45:07,173 - mmseg - INFO - Iter [24050/160000] lr: 1.619e-06, eta: 15:41:25, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4050, decode.acc_seg: 84.4769, aux.loss_ce: 0.2525, aux.acc_seg: 78.2951, loss: 0.6574, grad_norm: 4.1151 2023-11-13 19:45:27,363 - mmseg - INFO - Iter [24100/160000] lr: 1.618e-06, eta: 15:41:01, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4128, decode.acc_seg: 83.9365, aux.loss_ce: 0.2666, aux.acc_seg: 76.6929, loss: 0.6794, grad_norm: 4.6959 2023-11-13 19:45:47,328 - mmseg - INFO - Iter [24150/160000] lr: 1.617e-06, eta: 15:40:36, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3801, decode.acc_seg: 84.9230, aux.loss_ce: 0.2328, aux.acc_seg: 78.9202, loss: 0.6129, grad_norm: 4.1474 2023-11-13 19:46:07,346 - mmseg - INFO - Iter [24200/160000] lr: 1.617e-06, eta: 15:40:11, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4197, decode.acc_seg: 84.1736, aux.loss_ce: 0.2652, aux.acc_seg: 77.3092, loss: 0.6849, grad_norm: 4.9823 2023-11-13 19:46:27,764 - mmseg - INFO - Iter [24250/160000] lr: 1.616e-06, eta: 15:39:48, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3795, decode.acc_seg: 85.1838, aux.loss_ce: 0.2402, aux.acc_seg: 78.5683, loss: 0.6197, grad_norm: 3.9512 2023-11-13 19:46:48,016 - mmseg - INFO - Iter [24300/160000] lr: 1.616e-06, eta: 15:39:24, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3746, decode.acc_seg: 85.5646, aux.loss_ce: 0.2349, aux.acc_seg: 79.3580, loss: 0.6095, grad_norm: 4.1860 2023-11-13 19:47:08,040 - mmseg - INFO - Iter [24350/160000] lr: 1.615e-06, eta: 15:38:59, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3848, decode.acc_seg: 85.3734, aux.loss_ce: 0.2475, aux.acc_seg: 78.1477, loss: 0.6323, grad_norm: 4.7065 2023-11-13 19:47:27,972 - mmseg - INFO - Iter [24400/160000] lr: 1.614e-06, eta: 15:38:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3775, decode.acc_seg: 84.8286, aux.loss_ce: 0.2379, aux.acc_seg: 78.7751, loss: 0.6153, grad_norm: 4.0991 2023-11-13 19:47:47,922 - mmseg - INFO - Iter [24450/160000] lr: 1.614e-06, eta: 15:38:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4069, decode.acc_seg: 84.3428, aux.loss_ce: 0.2604, aux.acc_seg: 77.2201, loss: 0.6673, grad_norm: 4.2237 2023-11-13 19:48:07,850 - mmseg - INFO - Iter [24500/160000] lr: 1.613e-06, eta: 15:37:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3829, decode.acc_seg: 85.0506, aux.loss_ce: 0.2432, aux.acc_seg: 78.4092, loss: 0.6261, grad_norm: 4.5054 2023-11-13 19:48:28,022 - mmseg - INFO - Iter [24550/160000] lr: 1.613e-06, eta: 15:37:19, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3974, decode.acc_seg: 84.4198, aux.loss_ce: 0.2471, aux.acc_seg: 78.7234, loss: 0.6445, grad_norm: 5.8899 2023-11-13 19:48:48,257 - mmseg - INFO - Iter [24600/160000] lr: 1.612e-06, eta: 15:36:56, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4144, decode.acc_seg: 83.9802, aux.loss_ce: 0.2494, aux.acc_seg: 77.9791, loss: 0.6638, grad_norm: 4.9864 2023-11-13 19:49:08,192 - mmseg - INFO - Iter [24650/160000] lr: 1.611e-06, eta: 15:36:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3991, decode.acc_seg: 84.0493, aux.loss_ce: 0.2468, aux.acc_seg: 78.0801, loss: 0.6459, grad_norm: 5.2360 2023-11-13 19:49:28,546 - mmseg - INFO - Iter [24700/160000] lr: 1.611e-06, eta: 15:36:07, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3938, decode.acc_seg: 84.4070, aux.loss_ce: 0.2395, aux.acc_seg: 78.1985, loss: 0.6333, grad_norm: 4.7818 2023-11-13 19:49:48,838 - mmseg - INFO - Iter [24750/160000] lr: 1.610e-06, eta: 15:35:44, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3835, decode.acc_seg: 84.9030, aux.loss_ce: 0.2317, aux.acc_seg: 79.5230, loss: 0.6152, grad_norm: 4.0248 2023-11-13 19:50:08,891 - mmseg - INFO - Iter [24800/160000] lr: 1.610e-06, eta: 15:35:20, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4059, decode.acc_seg: 84.3749, aux.loss_ce: 0.2522, aux.acc_seg: 77.6688, loss: 0.6580, grad_norm: 4.3726 2023-11-13 19:50:28,966 - mmseg - INFO - Iter [24850/160000] lr: 1.609e-06, eta: 15:34:55, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4195, decode.acc_seg: 83.6997, aux.loss_ce: 0.2578, aux.acc_seg: 77.6092, loss: 0.6772, grad_norm: 4.5782 2023-11-13 19:50:48,922 - mmseg - INFO - Iter [24900/160000] lr: 1.609e-06, eta: 15:34:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4042, decode.acc_seg: 83.7867, aux.loss_ce: 0.2423, aux.acc_seg: 77.9733, loss: 0.6465, grad_norm: 4.4691 2023-11-13 19:51:08,985 - mmseg - INFO - Iter [24950/160000] lr: 1.608e-06, eta: 15:34:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4064, decode.acc_seg: 84.4313, aux.loss_ce: 0.2599, aux.acc_seg: 77.0003, loss: 0.6663, grad_norm: 4.1410 2023-11-13 19:51:29,090 - mmseg - INFO - Saving checkpoint at 25000 iterations 2023-11-13 19:51:37,656 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:51:37,656 - mmseg - INFO - Iter [25000/160000] lr: 1.607e-06, eta: 15:34:28, time: 0.573, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3899, decode.acc_seg: 84.8658, aux.loss_ce: 0.2404, aux.acc_seg: 78.2382, loss: 0.6302, grad_norm: 4.7872 2023-11-13 19:51:57,799 - mmseg - INFO - Iter [25050/160000] lr: 1.607e-06, eta: 15:34:03, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3860, decode.acc_seg: 84.6307, aux.loss_ce: 0.2345, aux.acc_seg: 78.8332, loss: 0.6205, grad_norm: 4.1227 2023-11-13 19:52:17,876 - mmseg - INFO - Iter [25100/160000] lr: 1.606e-06, eta: 15:33:39, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3628, decode.acc_seg: 85.3195, aux.loss_ce: 0.2250, aux.acc_seg: 79.2383, loss: 0.5878, grad_norm: 4.6648 2023-11-13 19:52:37,991 - mmseg - INFO - Iter [25150/160000] lr: 1.606e-06, eta: 15:33:15, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3865, decode.acc_seg: 84.5827, aux.loss_ce: 0.2425, aux.acc_seg: 78.2885, loss: 0.6290, grad_norm: 4.5430 2023-11-13 19:52:58,242 - mmseg - INFO - Iter [25200/160000] lr: 1.605e-06, eta: 15:32:51, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4037, decode.acc_seg: 84.4188, aux.loss_ce: 0.2469, aux.acc_seg: 78.1476, loss: 0.6506, grad_norm: 5.1229 2023-11-13 19:53:19,073 - mmseg - INFO - Iter [25250/160000] lr: 1.604e-06, eta: 15:32:31, time: 0.417, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3823, decode.acc_seg: 85.0174, aux.loss_ce: 0.2332, aux.acc_seg: 78.9367, loss: 0.6155, grad_norm: 4.3374 2023-11-13 19:53:41,506 - mmseg - INFO - Iter [25300/160000] lr: 1.604e-06, eta: 15:32:19, time: 0.449, data_time: 0.052, memory: 16105, decode.loss_ce: 0.3757, decode.acc_seg: 85.3058, aux.loss_ce: 0.2293, aux.acc_seg: 79.4498, loss: 0.6050, grad_norm: 4.9136 2023-11-13 19:54:01,561 - mmseg - INFO - Iter [25350/160000] lr: 1.603e-06, eta: 15:31:54, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3752, decode.acc_seg: 85.5988, aux.loss_ce: 0.2383, aux.acc_seg: 79.0458, loss: 0.6136, grad_norm: 4.2748 2023-11-13 19:54:21,738 - mmseg - INFO - Iter [25400/160000] lr: 1.603e-06, eta: 15:31:31, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3859, decode.acc_seg: 84.8239, aux.loss_ce: 0.2442, aux.acc_seg: 78.1324, loss: 0.6301, grad_norm: 4.6244 2023-11-13 19:54:41,722 - mmseg - INFO - Iter [25450/160000] lr: 1.602e-06, eta: 15:31:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3725, decode.acc_seg: 85.4993, aux.loss_ce: 0.2329, aux.acc_seg: 79.5388, loss: 0.6054, grad_norm: 3.9215 2023-11-13 19:55:01,695 - mmseg - INFO - Iter [25500/160000] lr: 1.601e-06, eta: 15:30:41, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3764, decode.acc_seg: 85.3063, aux.loss_ce: 0.2368, aux.acc_seg: 78.7971, loss: 0.6131, grad_norm: 5.3205 2023-11-13 19:55:21,634 - mmseg - INFO - Iter [25550/160000] lr: 1.601e-06, eta: 15:30:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3944, decode.acc_seg: 84.7417, aux.loss_ce: 0.2457, aux.acc_seg: 78.2310, loss: 0.6401, grad_norm: 4.9337 2023-11-13 19:55:41,555 - mmseg - INFO - Iter [25600/160000] lr: 1.600e-06, eta: 15:29:51, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4012, decode.acc_seg: 84.5420, aux.loss_ce: 0.2495, aux.acc_seg: 78.0151, loss: 0.6507, grad_norm: 4.5394 2023-11-13 19:56:01,852 - mmseg - INFO - Iter [25650/160000] lr: 1.600e-06, eta: 15:29:27, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4028, decode.acc_seg: 84.2092, aux.loss_ce: 0.2369, aux.acc_seg: 78.3475, loss: 0.6397, grad_norm: 4.0060 2023-11-13 19:56:21,951 - mmseg - INFO - Iter [25700/160000] lr: 1.599e-06, eta: 15:29:03, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4037, decode.acc_seg: 84.4721, aux.loss_ce: 0.2559, aux.acc_seg: 77.3800, loss: 0.6596, grad_norm: 4.8292 2023-11-13 19:56:41,998 - mmseg - INFO - Iter [25750/160000] lr: 1.598e-06, eta: 15:28:39, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.4020, decode.acc_seg: 84.7893, aux.loss_ce: 0.2588, aux.acc_seg: 77.0706, loss: 0.6608, grad_norm: 5.2594 2023-11-13 19:57:01,998 - mmseg - INFO - Iter [25800/160000] lr: 1.598e-06, eta: 15:28:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3870, decode.acc_seg: 84.4538, aux.loss_ce: 0.2412, aux.acc_seg: 77.9889, loss: 0.6282, grad_norm: 4.7171 2023-11-13 19:57:21,953 - mmseg - INFO - Iter [25850/160000] lr: 1.597e-06, eta: 15:27:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3669, decode.acc_seg: 85.5171, aux.loss_ce: 0.2311, aux.acc_seg: 79.1538, loss: 0.5980, grad_norm: 4.0296 2023-11-13 19:57:42,154 - mmseg - INFO - Iter [25900/160000] lr: 1.597e-06, eta: 15:27:26, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3764, decode.acc_seg: 85.4802, aux.loss_ce: 0.2441, aux.acc_seg: 78.8898, loss: 0.6205, grad_norm: 4.2933 2023-11-13 19:58:02,099 - mmseg - INFO - Iter [25950/160000] lr: 1.596e-06, eta: 15:27:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3859, decode.acc_seg: 84.7980, aux.loss_ce: 0.2308, aux.acc_seg: 79.4447, loss: 0.6167, grad_norm: 4.6582 2023-11-13 19:58:22,131 - mmseg - INFO - Saving checkpoint at 26000 iterations 2023-11-13 19:58:30,116 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 19:58:30,116 - mmseg - INFO - Iter [26000/160000] lr: 1.595e-06, eta: 15:27:17, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3937, decode.acc_seg: 84.5991, aux.loss_ce: 0.2363, aux.acc_seg: 78.8031, loss: 0.6299, grad_norm: 4.5850 2023-11-13 19:58:50,161 - mmseg - INFO - Iter [26050/160000] lr: 1.595e-06, eta: 15:26:53, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3939, decode.acc_seg: 84.7174, aux.loss_ce: 0.2412, aux.acc_seg: 78.6959, loss: 0.6352, grad_norm: 4.0186 2023-11-13 19:59:10,510 - mmseg - INFO - Iter [26100/160000] lr: 1.594e-06, eta: 15:26:30, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3748, decode.acc_seg: 85.2567, aux.loss_ce: 0.2283, aux.acc_seg: 79.7569, loss: 0.6031, grad_norm: 4.5536 2023-11-13 19:59:30,625 - mmseg - INFO - Iter [26150/160000] lr: 1.594e-06, eta: 15:26:06, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3996, decode.acc_seg: 84.5227, aux.loss_ce: 0.2411, aux.acc_seg: 78.6344, loss: 0.6407, grad_norm: 4.4012 2023-11-13 19:59:50,597 - mmseg - INFO - Iter [26200/160000] lr: 1.593e-06, eta: 15:25:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3933, decode.acc_seg: 84.3380, aux.loss_ce: 0.2410, aux.acc_seg: 78.5636, loss: 0.6343, grad_norm: 4.2715 2023-11-13 20:00:10,633 - mmseg - INFO - Iter [26250/160000] lr: 1.592e-06, eta: 15:25:17, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3800, decode.acc_seg: 85.5729, aux.loss_ce: 0.2307, aux.acc_seg: 79.5374, loss: 0.6107, grad_norm: 5.4369 2023-11-13 20:00:30,741 - mmseg - INFO - Iter [26300/160000] lr: 1.592e-06, eta: 15:24:53, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3694, decode.acc_seg: 85.2409, aux.loss_ce: 0.2292, aux.acc_seg: 79.5301, loss: 0.5986, grad_norm: 4.1353 2023-11-13 20:00:50,742 - mmseg - INFO - Iter [26350/160000] lr: 1.591e-06, eta: 15:24:28, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3832, decode.acc_seg: 84.9312, aux.loss_ce: 0.2388, aux.acc_seg: 78.5354, loss: 0.6220, grad_norm: 4.0695 2023-11-13 20:01:10,742 - mmseg - INFO - Iter [26400/160000] lr: 1.591e-06, eta: 15:24:04, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4024, decode.acc_seg: 84.3733, aux.loss_ce: 0.2403, aux.acc_seg: 78.4520, loss: 0.6427, grad_norm: 4.3016 2023-11-13 20:01:30,820 - mmseg - INFO - Iter [26450/160000] lr: 1.590e-06, eta: 15:23:40, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3842, decode.acc_seg: 85.1010, aux.loss_ce: 0.2368, aux.acc_seg: 79.2363, loss: 0.6210, grad_norm: 5.3467 2023-11-13 20:01:50,810 - mmseg - INFO - Iter [26500/160000] lr: 1.589e-06, eta: 15:23:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3743, decode.acc_seg: 85.2822, aux.loss_ce: 0.2376, aux.acc_seg: 78.5814, loss: 0.6119, grad_norm: 4.2842 2023-11-13 20:02:13,395 - mmseg - INFO - Iter [26550/160000] lr: 1.589e-06, eta: 15:23:04, time: 0.452, data_time: 0.052, memory: 16105, decode.loss_ce: 0.3729, decode.acc_seg: 85.2085, aux.loss_ce: 0.2385, aux.acc_seg: 78.8721, loss: 0.6114, grad_norm: 4.4787 2023-11-13 20:02:33,831 - mmseg - INFO - Iter [26600/160000] lr: 1.588e-06, eta: 15:22:41, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3827, decode.acc_seg: 85.2664, aux.loss_ce: 0.2321, aux.acc_seg: 79.5197, loss: 0.6148, grad_norm: 4.7276 2023-11-13 20:02:53,807 - mmseg - INFO - Iter [26650/160000] lr: 1.588e-06, eta: 15:22:17, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3897, decode.acc_seg: 85.0520, aux.loss_ce: 0.2361, aux.acc_seg: 78.6538, loss: 0.6258, grad_norm: 4.3472 2023-11-13 20:03:13,913 - mmseg - INFO - Iter [26700/160000] lr: 1.587e-06, eta: 15:21:53, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3551, decode.acc_seg: 85.5323, aux.loss_ce: 0.2264, aux.acc_seg: 79.4609, loss: 0.5815, grad_norm: 4.4080 2023-11-13 20:03:34,006 - mmseg - INFO - Iter [26750/160000] lr: 1.586e-06, eta: 15:21:29, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3880, decode.acc_seg: 85.1342, aux.loss_ce: 0.2482, aux.acc_seg: 77.9774, loss: 0.6362, grad_norm: 4.0116 2023-11-13 20:03:54,199 - mmseg - INFO - Iter [26800/160000] lr: 1.586e-06, eta: 15:21:05, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3658, decode.acc_seg: 85.6242, aux.loss_ce: 0.2308, aux.acc_seg: 79.6126, loss: 0.5966, grad_norm: 4.2746 2023-11-13 20:04:14,133 - mmseg - INFO - Iter [26850/160000] lr: 1.585e-06, eta: 15:20:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3701, decode.acc_seg: 85.2471, aux.loss_ce: 0.2307, aux.acc_seg: 78.7981, loss: 0.6008, grad_norm: 4.5179 2023-11-13 20:04:34,148 - mmseg - INFO - Iter [26900/160000] lr: 1.585e-06, eta: 15:20:16, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3840, decode.acc_seg: 84.9752, aux.loss_ce: 0.2510, aux.acc_seg: 77.5463, loss: 0.6351, grad_norm: 4.1566 2023-11-13 20:04:54,125 - mmseg - INFO - Iter [26950/160000] lr: 1.584e-06, eta: 15:19:51, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3529, decode.acc_seg: 86.1633, aux.loss_ce: 0.2264, aux.acc_seg: 79.2730, loss: 0.5793, grad_norm: 3.8210 2023-11-13 20:05:14,418 - mmseg - INFO - Saving checkpoint at 27000 iterations 2023-11-13 20:05:22,193 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:05:22,193 - mmseg - INFO - Iter [27000/160000] lr: 1.584e-06, eta: 15:20:07, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3867, decode.acc_seg: 84.3836, aux.loss_ce: 0.2388, aux.acc_seg: 78.1390, loss: 0.6255, grad_norm: 4.8883 2023-11-13 20:05:42,458 - mmseg - INFO - Iter [27050/160000] lr: 1.583e-06, eta: 15:19:44, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3835, decode.acc_seg: 85.0972, aux.loss_ce: 0.2415, aux.acc_seg: 78.8446, loss: 0.6250, grad_norm: 5.2887 2023-11-13 20:06:02,474 - mmseg - INFO - Iter [27100/160000] lr: 1.582e-06, eta: 15:19:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4010, decode.acc_seg: 84.6550, aux.loss_ce: 0.2488, aux.acc_seg: 77.9653, loss: 0.6498, grad_norm: 4.6016 2023-11-13 20:06:22,651 - mmseg - INFO - Iter [27150/160000] lr: 1.582e-06, eta: 15:18:56, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3619, decode.acc_seg: 85.2679, aux.loss_ce: 0.2281, aux.acc_seg: 79.3363, loss: 0.5900, grad_norm: 4.2013 2023-11-13 20:06:42,594 - mmseg - INFO - Iter [27200/160000] lr: 1.581e-06, eta: 15:18:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3849, decode.acc_seg: 85.1938, aux.loss_ce: 0.2335, aux.acc_seg: 79.6209, loss: 0.6184, grad_norm: 4.5225 2023-11-13 20:07:02,537 - mmseg - INFO - Iter [27250/160000] lr: 1.581e-06, eta: 15:18:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3910, decode.acc_seg: 84.7562, aux.loss_ce: 0.2377, aux.acc_seg: 79.5301, loss: 0.6287, grad_norm: 4.0923 2023-11-13 20:07:22,513 - mmseg - INFO - Iter [27300/160000] lr: 1.580e-06, eta: 15:17:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3819, decode.acc_seg: 84.7209, aux.loss_ce: 0.2274, aux.acc_seg: 79.0232, loss: 0.6093, grad_norm: 4.1939 2023-11-13 20:07:42,470 - mmseg - INFO - Iter [27350/160000] lr: 1.579e-06, eta: 15:17:17, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4125, decode.acc_seg: 83.8666, aux.loss_ce: 0.2533, aux.acc_seg: 77.5996, loss: 0.6657, grad_norm: 5.3298 2023-11-13 20:08:02,593 - mmseg - INFO - Iter [27400/160000] lr: 1.579e-06, eta: 15:16:53, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3638, decode.acc_seg: 85.9734, aux.loss_ce: 0.2180, aux.acc_seg: 80.3546, loss: 0.5818, grad_norm: 3.9648 2023-11-13 20:08:22,744 - mmseg - INFO - Iter [27450/160000] lr: 1.578e-06, eta: 15:16:30, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3842, decode.acc_seg: 84.3536, aux.loss_ce: 0.2270, aux.acc_seg: 78.6987, loss: 0.6112, grad_norm: 4.2388 2023-11-13 20:08:43,103 - mmseg - INFO - Iter [27500/160000] lr: 1.578e-06, eta: 15:16:07, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3682, decode.acc_seg: 85.1108, aux.loss_ce: 0.2306, aux.acc_seg: 78.3396, loss: 0.5989, grad_norm: 4.5515 2023-11-13 20:09:03,111 - mmseg - INFO - Iter [27550/160000] lr: 1.577e-06, eta: 15:15:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3981, decode.acc_seg: 85.0318, aux.loss_ce: 0.2505, aux.acc_seg: 77.5957, loss: 0.6486, grad_norm: 5.3789 2023-11-13 20:09:23,233 - mmseg - INFO - Iter [27600/160000] lr: 1.576e-06, eta: 15:15:19, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3829, decode.acc_seg: 84.9046, aux.loss_ce: 0.2450, aux.acc_seg: 78.0041, loss: 0.6279, grad_norm: 4.8155 2023-11-13 20:09:43,260 - mmseg - INFO - Iter [27650/160000] lr: 1.576e-06, eta: 15:14:55, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3708, decode.acc_seg: 85.2970, aux.loss_ce: 0.2316, aux.acc_seg: 79.3061, loss: 0.6024, grad_norm: 4.5253 2023-11-13 20:10:03,238 - mmseg - INFO - Iter [27700/160000] lr: 1.575e-06, eta: 15:14:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3849, decode.acc_seg: 84.8532, aux.loss_ce: 0.2431, aux.acc_seg: 78.6298, loss: 0.6280, grad_norm: 4.5571 2023-11-13 20:10:23,324 - mmseg - INFO - Iter [27750/160000] lr: 1.575e-06, eta: 15:14:07, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3632, decode.acc_seg: 85.6747, aux.loss_ce: 0.2274, aux.acc_seg: 79.7848, loss: 0.5905, grad_norm: 4.8304 2023-11-13 20:10:45,575 - mmseg - INFO - Iter [27800/160000] lr: 1.574e-06, eta: 15:13:53, time: 0.445, data_time: 0.050, memory: 16105, decode.loss_ce: 0.4035, decode.acc_seg: 84.6394, aux.loss_ce: 0.2580, aux.acc_seg: 77.7479, loss: 0.6615, grad_norm: 5.0476 2023-11-13 20:11:05,528 - mmseg - INFO - Iter [27850/160000] lr: 1.573e-06, eta: 15:13:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3552, decode.acc_seg: 86.1892, aux.loss_ce: 0.2277, aux.acc_seg: 79.5476, loss: 0.5829, grad_norm: 4.0130 2023-11-13 20:11:25,524 - mmseg - INFO - Iter [27900/160000] lr: 1.573e-06, eta: 15:13:05, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3792, decode.acc_seg: 85.2555, aux.loss_ce: 0.2496, aux.acc_seg: 78.8904, loss: 0.6288, grad_norm: 4.1922 2023-11-13 20:11:46,156 - mmseg - INFO - Iter [27950/160000] lr: 1.572e-06, eta: 15:12:43, time: 0.413, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3719, decode.acc_seg: 85.2370, aux.loss_ce: 0.2370, aux.acc_seg: 78.5647, loss: 0.6089, grad_norm: 4.1974 2023-11-13 20:12:06,312 - mmseg - INFO - Saving checkpoint at 28000 iterations 2023-11-13 20:12:13,764 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:12:13,765 - mmseg - INFO - Iter [28000/160000] lr: 1.572e-06, eta: 15:12:55, time: 0.552, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3517, decode.acc_seg: 86.2498, aux.loss_ce: 0.2281, aux.acc_seg: 79.8974, loss: 0.5798, grad_norm: 3.6458 2023-11-13 20:12:33,807 - mmseg - INFO - Iter [28050/160000] lr: 1.571e-06, eta: 15:12:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3817, decode.acc_seg: 85.0007, aux.loss_ce: 0.2397, aux.acc_seg: 78.4226, loss: 0.6214, grad_norm: 4.8767 2023-11-13 20:12:53,894 - mmseg - INFO - Iter [28100/160000] lr: 1.570e-06, eta: 15:12:07, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3607, decode.acc_seg: 85.5228, aux.loss_ce: 0.2282, aux.acc_seg: 79.3688, loss: 0.5889, grad_norm: 3.8905 2023-11-13 20:13:13,855 - mmseg - INFO - Iter [28150/160000] lr: 1.570e-06, eta: 15:11:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3862, decode.acc_seg: 85.0423, aux.loss_ce: 0.2429, aux.acc_seg: 78.2112, loss: 0.6291, grad_norm: 4.4140 2023-11-13 20:13:33,827 - mmseg - INFO - Iter [28200/160000] lr: 1.569e-06, eta: 15:11:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3572, decode.acc_seg: 85.4089, aux.loss_ce: 0.2197, aux.acc_seg: 79.6132, loss: 0.5770, grad_norm: 4.1261 2023-11-13 20:13:53,790 - mmseg - INFO - Iter [28250/160000] lr: 1.569e-06, eta: 15:10:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3652, decode.acc_seg: 85.6972, aux.loss_ce: 0.2260, aux.acc_seg: 79.7143, loss: 0.5912, grad_norm: 4.3390 2023-11-13 20:14:13,832 - mmseg - INFO - Iter [28300/160000] lr: 1.568e-06, eta: 15:10:30, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3489, decode.acc_seg: 86.3517, aux.loss_ce: 0.2264, aux.acc_seg: 79.3414, loss: 0.5753, grad_norm: 4.4554 2023-11-13 20:14:33,774 - mmseg - INFO - Iter [28350/160000] lr: 1.567e-06, eta: 15:10:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3615, decode.acc_seg: 85.2189, aux.loss_ce: 0.2309, aux.acc_seg: 78.8860, loss: 0.5923, grad_norm: 4.0829 2023-11-13 20:14:54,187 - mmseg - INFO - Iter [28400/160000] lr: 1.567e-06, eta: 15:09:43, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3619, decode.acc_seg: 85.5490, aux.loss_ce: 0.2349, aux.acc_seg: 78.8481, loss: 0.5967, grad_norm: 4.2599 2023-11-13 20:15:14,228 - mmseg - INFO - Iter [28450/160000] lr: 1.566e-06, eta: 15:09:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3928, decode.acc_seg: 84.5037, aux.loss_ce: 0.2400, aux.acc_seg: 78.3374, loss: 0.6328, grad_norm: 5.5701 2023-11-13 20:15:34,157 - mmseg - INFO - Iter [28500/160000] lr: 1.566e-06, eta: 15:08:55, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3775, decode.acc_seg: 85.3116, aux.loss_ce: 0.2397, aux.acc_seg: 78.3111, loss: 0.6172, grad_norm: 4.6858 2023-11-13 20:15:54,302 - mmseg - INFO - Iter [28550/160000] lr: 1.565e-06, eta: 15:08:31, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3738, decode.acc_seg: 85.1631, aux.loss_ce: 0.2346, aux.acc_seg: 78.6723, loss: 0.6084, grad_norm: 4.1511 2023-11-13 20:16:14,235 - mmseg - INFO - Iter [28600/160000] lr: 1.564e-06, eta: 15:08:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3695, decode.acc_seg: 85.5238, aux.loss_ce: 0.2306, aux.acc_seg: 79.2820, loss: 0.6001, grad_norm: 3.7845 2023-11-13 20:16:34,172 - mmseg - INFO - Iter [28650/160000] lr: 1.564e-06, eta: 15:07:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3721, decode.acc_seg: 85.4585, aux.loss_ce: 0.2343, aux.acc_seg: 79.2697, loss: 0.6064, grad_norm: 4.8206 2023-11-13 20:16:54,173 - mmseg - INFO - Iter [28700/160000] lr: 1.563e-06, eta: 15:07:19, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3545, decode.acc_seg: 86.3802, aux.loss_ce: 0.2230, aux.acc_seg: 80.3219, loss: 0.5776, grad_norm: 3.9127 2023-11-13 20:17:14,089 - mmseg - INFO - Iter [28750/160000] lr: 1.563e-06, eta: 15:06:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3665, decode.acc_seg: 85.3823, aux.loss_ce: 0.2324, aux.acc_seg: 79.0144, loss: 0.5990, grad_norm: 4.4200 2023-11-13 20:17:34,032 - mmseg - INFO - Iter [28800/160000] lr: 1.562e-06, eta: 15:06:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3781, decode.acc_seg: 84.6656, aux.loss_ce: 0.2404, aux.acc_seg: 78.3124, loss: 0.6185, grad_norm: 4.6414 2023-11-13 20:17:54,251 - mmseg - INFO - Iter [28850/160000] lr: 1.561e-06, eta: 15:06:07, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3940, decode.acc_seg: 84.6334, aux.loss_ce: 0.2362, aux.acc_seg: 78.7888, loss: 0.6302, grad_norm: 4.8618 2023-11-13 20:18:14,460 - mmseg - INFO - Iter [28900/160000] lr: 1.561e-06, eta: 15:05:44, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3795, decode.acc_seg: 84.8577, aux.loss_ce: 0.2330, aux.acc_seg: 79.1921, loss: 0.6125, grad_norm: 4.5861 2023-11-13 20:18:34,465 - mmseg - INFO - Iter [28950/160000] lr: 1.560e-06, eta: 15:05:20, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.4072, decode.acc_seg: 84.5921, aux.loss_ce: 0.2435, aux.acc_seg: 78.7012, loss: 0.6507, grad_norm: 4.7440 2023-11-13 20:18:54,543 - mmseg - INFO - Saving checkpoint at 29000 iterations 2023-11-13 20:19:02,476 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:19:02,476 - mmseg - INFO - Iter [29000/160000] lr: 1.560e-06, eta: 15:05:32, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3512, decode.acc_seg: 85.5459, aux.loss_ce: 0.2182, aux.acc_seg: 79.7660, loss: 0.5694, grad_norm: 4.8102 2023-11-13 20:19:24,863 - mmseg - INFO - Iter [29050/160000] lr: 1.559e-06, eta: 15:05:18, time: 0.447, data_time: 0.051, memory: 16105, decode.loss_ce: 0.3821, decode.acc_seg: 84.7028, aux.loss_ce: 0.2464, aux.acc_seg: 78.0633, loss: 0.6285, grad_norm: 4.7197 2023-11-13 20:19:44,893 - mmseg - INFO - Iter [29100/160000] lr: 1.559e-06, eta: 15:04:55, time: 0.402, data_time: 0.008, memory: 16105, decode.loss_ce: 0.3710, decode.acc_seg: 85.3391, aux.loss_ce: 0.2333, aux.acc_seg: 78.8335, loss: 0.6042, grad_norm: 4.2421 2023-11-13 20:20:04,929 - mmseg - INFO - Iter [29150/160000] lr: 1.558e-06, eta: 15:04:31, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3723, decode.acc_seg: 85.1635, aux.loss_ce: 0.2291, aux.acc_seg: 78.6505, loss: 0.6014, grad_norm: 5.1503 2023-11-13 20:20:24,900 - mmseg - INFO - Iter [29200/160000] lr: 1.557e-06, eta: 15:04:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3422, decode.acc_seg: 86.3941, aux.loss_ce: 0.2204, aux.acc_seg: 79.8599, loss: 0.5626, grad_norm: 3.7158 2023-11-13 20:20:44,872 - mmseg - INFO - Iter [29250/160000] lr: 1.557e-06, eta: 15:03:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3552, decode.acc_seg: 85.8283, aux.loss_ce: 0.2255, aux.acc_seg: 79.5569, loss: 0.5807, grad_norm: 4.3066 2023-11-13 20:21:05,042 - mmseg - INFO - Iter [29300/160000] lr: 1.556e-06, eta: 15:03:19, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3801, decode.acc_seg: 85.3017, aux.loss_ce: 0.2380, aux.acc_seg: 79.2190, loss: 0.6181, grad_norm: 4.1098 2023-11-13 20:21:25,308 - mmseg - INFO - Iter [29350/160000] lr: 1.556e-06, eta: 15:02:56, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3514, decode.acc_seg: 85.8387, aux.loss_ce: 0.2253, aux.acc_seg: 79.5425, loss: 0.5767, grad_norm: 4.1278 2023-11-13 20:21:45,255 - mmseg - INFO - Iter [29400/160000] lr: 1.555e-06, eta: 15:02:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3484, decode.acc_seg: 86.3423, aux.loss_ce: 0.2230, aux.acc_seg: 79.8872, loss: 0.5714, grad_norm: 4.6042 2023-11-13 20:22:05,179 - mmseg - INFO - Iter [29450/160000] lr: 1.554e-06, eta: 15:02:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3554, decode.acc_seg: 86.1172, aux.loss_ce: 0.2251, aux.acc_seg: 79.6348, loss: 0.5805, grad_norm: 4.1401 2023-11-13 20:22:25,430 - mmseg - INFO - Iter [29500/160000] lr: 1.554e-06, eta: 15:01:45, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3724, decode.acc_seg: 85.4290, aux.loss_ce: 0.2370, aux.acc_seg: 79.1259, loss: 0.6094, grad_norm: 4.3861 2023-11-13 20:22:45,415 - mmseg - INFO - Iter [29550/160000] lr: 1.553e-06, eta: 15:01:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3580, decode.acc_seg: 86.3162, aux.loss_ce: 0.2293, aux.acc_seg: 79.8019, loss: 0.5873, grad_norm: 4.5732 2023-11-13 20:23:05,352 - mmseg - INFO - Iter [29600/160000] lr: 1.553e-06, eta: 15:00:57, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3436, decode.acc_seg: 86.4533, aux.loss_ce: 0.2188, aux.acc_seg: 80.6492, loss: 0.5624, grad_norm: 4.1932 2023-11-13 20:23:25,279 - mmseg - INFO - Iter [29650/160000] lr: 1.552e-06, eta: 15:00:32, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3686, decode.acc_seg: 85.7275, aux.loss_ce: 0.2430, aux.acc_seg: 77.7564, loss: 0.6115, grad_norm: 4.7719 2023-11-13 20:23:45,181 - mmseg - INFO - Iter [29700/160000] lr: 1.551e-06, eta: 15:00:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3633, decode.acc_seg: 85.3370, aux.loss_ce: 0.2232, aux.acc_seg: 79.3926, loss: 0.5865, grad_norm: 7.2453 2023-11-13 20:24:05,394 - mmseg - INFO - Iter [29750/160000] lr: 1.551e-06, eta: 14:59:45, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3629, decode.acc_seg: 85.4964, aux.loss_ce: 0.2327, aux.acc_seg: 79.0135, loss: 0.5956, grad_norm: 4.8981 2023-11-13 20:24:25,672 - mmseg - INFO - Iter [29800/160000] lr: 1.550e-06, eta: 14:59:22, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3671, decode.acc_seg: 85.5153, aux.loss_ce: 0.2217, aux.acc_seg: 79.8163, loss: 0.5888, grad_norm: 4.0356 2023-11-13 20:24:45,741 - mmseg - INFO - Iter [29850/160000] lr: 1.550e-06, eta: 14:58:59, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3752, decode.acc_seg: 84.9701, aux.loss_ce: 0.2373, aux.acc_seg: 78.3674, loss: 0.6125, grad_norm: 4.0965 2023-11-13 20:25:05,661 - mmseg - INFO - Iter [29900/160000] lr: 1.549e-06, eta: 14:58:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3782, decode.acc_seg: 84.9600, aux.loss_ce: 0.2318, aux.acc_seg: 78.3424, loss: 0.6100, grad_norm: 4.2334 2023-11-13 20:25:25,706 - mmseg - INFO - Iter [29950/160000] lr: 1.548e-06, eta: 14:58:11, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3520, decode.acc_seg: 85.6179, aux.loss_ce: 0.2203, aux.acc_seg: 79.8738, loss: 0.5724, grad_norm: 4.5433 2023-11-13 20:25:45,756 - mmseg - INFO - Saving checkpoint at 30000 iterations 2023-11-13 20:25:53,665 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:25:53,665 - mmseg - INFO - Iter [30000/160000] lr: 1.548e-06, eta: 14:58:22, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3703, decode.acc_seg: 85.6534, aux.loss_ce: 0.2312, aux.acc_seg: 79.6447, loss: 0.6015, grad_norm: 4.5119 2023-11-13 20:26:13,668 - mmseg - INFO - Iter [30050/160000] lr: 1.547e-06, eta: 14:57:58, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3899, decode.acc_seg: 84.6545, aux.loss_ce: 0.2387, aux.acc_seg: 78.6805, loss: 0.6286, grad_norm: 4.3469 2023-11-13 20:26:33,673 - mmseg - INFO - Iter [30100/160000] lr: 1.547e-06, eta: 14:57:34, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3449, decode.acc_seg: 86.0124, aux.loss_ce: 0.2137, aux.acc_seg: 80.5497, loss: 0.5587, grad_norm: 4.5830 2023-11-13 20:26:53,720 - mmseg - INFO - Iter [30150/160000] lr: 1.546e-06, eta: 14:57:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3686, decode.acc_seg: 85.6751, aux.loss_ce: 0.2344, aux.acc_seg: 79.2419, loss: 0.6030, grad_norm: 4.8895 2023-11-13 20:27:13,679 - mmseg - INFO - Iter [30200/160000] lr: 1.545e-06, eta: 14:56:46, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3879, decode.acc_seg: 85.2691, aux.loss_ce: 0.2434, aux.acc_seg: 78.6369, loss: 0.6312, grad_norm: 4.9634 2023-11-13 20:27:34,231 - mmseg - INFO - Iter [30250/160000] lr: 1.545e-06, eta: 14:56:25, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3610, decode.acc_seg: 85.5166, aux.loss_ce: 0.2214, aux.acc_seg: 79.7120, loss: 0.5824, grad_norm: 4.7653 2023-11-13 20:27:54,272 - mmseg - INFO - Iter [30300/160000] lr: 1.544e-06, eta: 14:56:01, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3598, decode.acc_seg: 85.9426, aux.loss_ce: 0.2166, aux.acc_seg: 80.8555, loss: 0.5764, grad_norm: 4.8200 2023-11-13 20:28:16,876 - mmseg - INFO - Iter [30350/160000] lr: 1.544e-06, eta: 14:55:48, time: 0.452, data_time: 0.050, memory: 16105, decode.loss_ce: 0.3538, decode.acc_seg: 85.8897, aux.loss_ce: 0.2185, aux.acc_seg: 79.9849, loss: 0.5723, grad_norm: 4.2844 2023-11-13 20:28:36,852 - mmseg - INFO - Iter [30400/160000] lr: 1.543e-06, eta: 14:55:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3784, decode.acc_seg: 85.3932, aux.loss_ce: 0.2337, aux.acc_seg: 79.0708, loss: 0.6121, grad_norm: 4.5838 2023-11-13 20:28:56,854 - mmseg - INFO - Iter [30450/160000] lr: 1.542e-06, eta: 14:55:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3756, decode.acc_seg: 85.2725, aux.loss_ce: 0.2466, aux.acc_seg: 77.8272, loss: 0.6222, grad_norm: 4.3007 2023-11-13 20:29:16,945 - mmseg - INFO - Iter [30500/160000] lr: 1.542e-06, eta: 14:54:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3624, decode.acc_seg: 85.7632, aux.loss_ce: 0.2301, aux.acc_seg: 79.2228, loss: 0.5925, grad_norm: 4.7648 2023-11-13 20:29:36,915 - mmseg - INFO - Iter [30550/160000] lr: 1.541e-06, eta: 14:54:13, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3719, decode.acc_seg: 85.5821, aux.loss_ce: 0.2232, aux.acc_seg: 80.0822, loss: 0.5952, grad_norm: 5.3571 2023-11-13 20:29:56,845 - mmseg - INFO - Iter [30600/160000] lr: 1.541e-06, eta: 14:53:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3709, decode.acc_seg: 85.5067, aux.loss_ce: 0.2331, aux.acc_seg: 78.3661, loss: 0.6040, grad_norm: 4.2231 2023-11-13 20:30:16,812 - mmseg - INFO - Iter [30650/160000] lr: 1.540e-06, eta: 14:53:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3569, decode.acc_seg: 85.8962, aux.loss_ce: 0.2218, aux.acc_seg: 79.8972, loss: 0.5787, grad_norm: 3.7533 2023-11-13 20:30:37,237 - mmseg - INFO - Iter [30700/160000] lr: 1.539e-06, eta: 14:53:03, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3616, decode.acc_seg: 85.8372, aux.loss_ce: 0.2318, aux.acc_seg: 79.2206, loss: 0.5933, grad_norm: 4.3221 2023-11-13 20:30:57,242 - mmseg - INFO - Iter [30750/160000] lr: 1.539e-06, eta: 14:52:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3862, decode.acc_seg: 84.6868, aux.loss_ce: 0.2343, aux.acc_seg: 79.1155, loss: 0.6204, grad_norm: 4.8507 2023-11-13 20:31:17,286 - mmseg - INFO - Iter [30800/160000] lr: 1.538e-06, eta: 14:52:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3587, decode.acc_seg: 85.6479, aux.loss_ce: 0.2295, aux.acc_seg: 78.9964, loss: 0.5882, grad_norm: 4.8826 2023-11-13 20:31:37,444 - mmseg - INFO - Iter [30850/160000] lr: 1.538e-06, eta: 14:51:53, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3639, decode.acc_seg: 85.9453, aux.loss_ce: 0.2252, aux.acc_seg: 79.4938, loss: 0.5891, grad_norm: 5.7217 2023-11-13 20:31:57,408 - mmseg - INFO - Iter [30900/160000] lr: 1.537e-06, eta: 14:51:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3553, decode.acc_seg: 85.7095, aux.loss_ce: 0.2246, aux.acc_seg: 79.8578, loss: 0.5799, grad_norm: 4.6053 2023-11-13 20:32:17,455 - mmseg - INFO - Iter [30950/160000] lr: 1.536e-06, eta: 14:51:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3296, decode.acc_seg: 86.8287, aux.loss_ce: 0.2069, aux.acc_seg: 80.9716, loss: 0.5365, grad_norm: 4.2131 2023-11-13 20:32:37,457 - mmseg - INFO - Saving checkpoint at 31000 iterations 2023-11-13 20:32:45,272 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:32:45,272 - mmseg - INFO - Iter [31000/160000] lr: 1.536e-06, eta: 14:51:14, time: 0.556, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3589, decode.acc_seg: 85.6511, aux.loss_ce: 0.2246, aux.acc_seg: 79.1972, loss: 0.5835, grad_norm: 4.4645 2023-11-13 20:33:05,274 - mmseg - INFO - Iter [31050/160000] lr: 1.535e-06, eta: 14:50:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3657, decode.acc_seg: 86.2584, aux.loss_ce: 0.2258, aux.acc_seg: 80.0374, loss: 0.5915, grad_norm: 4.4483 2023-11-13 20:33:25,219 - mmseg - INFO - Iter [31100/160000] lr: 1.535e-06, eta: 14:50:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3476, decode.acc_seg: 86.4249, aux.loss_ce: 0.2194, aux.acc_seg: 80.2647, loss: 0.5670, grad_norm: 4.1597 2023-11-13 20:33:45,456 - mmseg - INFO - Iter [31150/160000] lr: 1.534e-06, eta: 14:50:04, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3711, decode.acc_seg: 85.7150, aux.loss_ce: 0.2382, aux.acc_seg: 79.1358, loss: 0.6092, grad_norm: 4.2209 2023-11-13 20:34:05,835 - mmseg - INFO - Iter [31200/160000] lr: 1.534e-06, eta: 14:49:42, time: 0.408, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3548, decode.acc_seg: 85.7180, aux.loss_ce: 0.2267, aux.acc_seg: 79.8415, loss: 0.5815, grad_norm: 4.8096 2023-11-13 20:34:26,108 - mmseg - INFO - Iter [31250/160000] lr: 1.533e-06, eta: 14:49:19, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3412, decode.acc_seg: 86.3328, aux.loss_ce: 0.2195, aux.acc_seg: 79.6670, loss: 0.5607, grad_norm: 4.6880 2023-11-13 20:34:46,247 - mmseg - INFO - Iter [31300/160000] lr: 1.532e-06, eta: 14:48:56, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3709, decode.acc_seg: 85.8773, aux.loss_ce: 0.2243, aux.acc_seg: 80.0329, loss: 0.5952, grad_norm: 4.1437 2023-11-13 20:35:06,531 - mmseg - INFO - Iter [31350/160000] lr: 1.532e-06, eta: 14:48:34, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3650, decode.acc_seg: 85.5802, aux.loss_ce: 0.2246, aux.acc_seg: 79.5676, loss: 0.5895, grad_norm: 5.0801 2023-11-13 20:35:26,551 - mmseg - INFO - Iter [31400/160000] lr: 1.531e-06, eta: 14:48:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3574, decode.acc_seg: 86.0425, aux.loss_ce: 0.2271, aux.acc_seg: 79.4865, loss: 0.5845, grad_norm: 4.1398 2023-11-13 20:35:46,443 - mmseg - INFO - Iter [31450/160000] lr: 1.531e-06, eta: 14:47:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3556, decode.acc_seg: 86.1655, aux.loss_ce: 0.2241, aux.acc_seg: 80.1196, loss: 0.5797, grad_norm: 3.6497 2023-11-13 20:36:06,409 - mmseg - INFO - Iter [31500/160000] lr: 1.530e-06, eta: 14:47:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3675, decode.acc_seg: 85.8362, aux.loss_ce: 0.2273, aux.acc_seg: 79.6944, loss: 0.5948, grad_norm: 4.3947 2023-11-13 20:36:26,323 - mmseg - INFO - Iter [31550/160000] lr: 1.529e-06, eta: 14:46:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3639, decode.acc_seg: 85.4617, aux.loss_ce: 0.2280, aux.acc_seg: 79.2634, loss: 0.5919, grad_norm: 4.3060 2023-11-13 20:36:48,893 - mmseg - INFO - Iter [31600/160000] lr: 1.529e-06, eta: 14:46:45, time: 0.451, data_time: 0.051, memory: 16105, decode.loss_ce: 0.3495, decode.acc_seg: 85.8448, aux.loss_ce: 0.2267, aux.acc_seg: 79.1985, loss: 0.5762, grad_norm: 4.7087 2023-11-13 20:37:09,178 - mmseg - INFO - Iter [31650/160000] lr: 1.528e-06, eta: 14:46:22, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3746, decode.acc_seg: 85.1619, aux.loss_ce: 0.2379, aux.acc_seg: 78.4983, loss: 0.6125, grad_norm: 5.0463 2023-11-13 20:37:29,104 - mmseg - INFO - Iter [31700/160000] lr: 1.528e-06, eta: 14:45:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3378, decode.acc_seg: 86.2982, aux.loss_ce: 0.2155, aux.acc_seg: 80.0683, loss: 0.5533, grad_norm: 4.3827 2023-11-13 20:37:49,159 - mmseg - INFO - Iter [31750/160000] lr: 1.527e-06, eta: 14:45:35, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3309, decode.acc_seg: 86.7681, aux.loss_ce: 0.2123, aux.acc_seg: 80.2184, loss: 0.5432, grad_norm: 3.8261 2023-11-13 20:38:09,178 - mmseg - INFO - Iter [31800/160000] lr: 1.526e-06, eta: 14:45:12, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3485, decode.acc_seg: 86.2801, aux.loss_ce: 0.2232, aux.acc_seg: 79.5690, loss: 0.5717, grad_norm: 4.1810 2023-11-13 20:38:29,117 - mmseg - INFO - Iter [31850/160000] lr: 1.526e-06, eta: 14:44:48, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3473, decode.acc_seg: 86.2423, aux.loss_ce: 0.2290, aux.acc_seg: 79.0829, loss: 0.5763, grad_norm: 4.1258 2023-11-13 20:38:49,048 - mmseg - INFO - Iter [31900/160000] lr: 1.525e-06, eta: 14:44:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3692, decode.acc_seg: 85.7661, aux.loss_ce: 0.2270, aux.acc_seg: 79.5372, loss: 0.5962, grad_norm: 4.1712 2023-11-13 20:39:08,984 - mmseg - INFO - Iter [31950/160000] lr: 1.525e-06, eta: 14:44:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3723, decode.acc_seg: 85.7266, aux.loss_ce: 0.2331, aux.acc_seg: 79.3652, loss: 0.6054, grad_norm: 4.1672 2023-11-13 20:39:29,001 - mmseg - INFO - Saving checkpoint at 32000 iterations 2023-11-13 20:39:36,980 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:39:36,980 - mmseg - INFO - Iter [32000/160000] lr: 1.524e-06, eta: 14:44:09, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3310, decode.acc_seg: 86.9278, aux.loss_ce: 0.2125, aux.acc_seg: 80.8174, loss: 0.5435, grad_norm: 4.0061 2023-11-13 20:39:53,429 - mmseg - INFO - per class results: 2023-11-13 20:39:53,434 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.21 | 86.84 | | building | 84.08 | 92.7 | | sky | 94.68 | 97.31 | | floor | 82.55 | 87.66 | | tree | 75.88 | 88.92 | | ceiling | 84.7 | 93.53 | | road | 83.47 | 87.97 | | bed | 91.15 | 96.71 | | windowpane | 63.82 | 79.05 | | grass | 68.17 | 80.17 | | cabinet | 62.01 | 71.77 | | sidewalk | 65.92 | 88.16 | | person | 82.82 | 92.94 | | earth | 37.45 | 47.39 | | door | 54.54 | 73.19 | | table | 63.23 | 76.92 | | mountain | 63.73 | 78.97 | | plant | 54.2 | 65.08 | | curtain | 77.54 | 90.16 | | chair | 61.12 | 75.84 | | car | 86.1 | 93.67 | | water | 64.02 | 79.59 | | painting | 70.71 | 89.02 | | sofa | 73.91 | 88.56 | | shelf | 44.75 | 64.56 | | house | 48.98 | 69.64 | | sea | 70.9 | 91.14 | | mirror | 71.72 | 83.53 | | rug | 65.1 | 82.08 | | field | 30.29 | 56.97 | | armchair | 46.95 | 65.75 | | seat | 63.76 | 87.78 | | fence | 51.48 | 69.24 | | desk | 53.02 | 75.14 | | rock | 57.3 | 76.32 | | wardrobe | 45.99 | 75.04 | | lamp | 62.17 | 76.3 | | bathtub | 80.04 | 85.02 | | railing | 43.17 | 57.0 | | cushion | 62.76 | 74.31 | | base | 44.81 | 61.34 | | box | 31.75 | 40.48 | | column | 51.93 | 70.03 | | signboard | 39.66 | 50.82 | | chest of drawers | 44.58 | 69.27 | | counter | 47.39 | 60.29 | | sand | 61.05 | 85.09 | | sink | 77.67 | 86.16 | | skyscraper | 62.26 | 81.4 | | fireplace | 66.7 | 93.47 | | refrigerator | 75.34 | 88.16 | | grandstand | 43.22 | 76.25 | | path | 27.22 | 38.83 | | stairs | 21.0 | 25.96 | | runway | 65.79 | 89.28 | | case | 61.09 | 76.46 | | pool table | 92.71 | 98.14 | | pillow | 62.2 | 77.94 | | screen door | 73.08 | 90.44 | | stairway | 32.26 | 52.15 | | river | 15.93 | 20.56 | | bridge | 62.81 | 70.95 | | bookcase | 34.35 | 63.46 | | blind | 43.61 | 50.03 | | coffee table | 58.05 | 87.74 | | toilet | 87.73 | 94.01 | | flower | 44.3 | 59.01 | | book | 49.72 | 75.6 | | hill | 7.12 | 11.09 | | bench | 49.75 | 65.55 | | countertop | 58.9 | 70.55 | | stove | 77.03 | 88.8 | | palm | 55.23 | 76.72 | | kitchen island | 32.71 | 81.94 | | computer | 74.07 | 88.97 | | swivel chair | 56.25 | 77.62 | | boat | 66.86 | 86.47 | | bar | 48.34 | 66.93 | | arcade machine | 88.91 | 96.92 | | hovel | 55.37 | 78.24 | | bus | 91.46 | 96.66 | | towel | 65.0 | 87.55 | | light | 48.58 | 54.53 | | truck | 39.36 | 53.42 | | tower | 32.99 | 62.34 | | chandelier | 65.47 | 87.99 | | awning | 38.25 | 51.07 | | streetlight | 28.46 | 39.03 | | booth | 43.27 | 59.61 | | television receiver | 76.95 | 86.67 | | airplane | 64.41 | 70.22 | | dirt track | 0.0 | 0.0 | | apparel | 51.45 | 66.27 | | pole | 22.73 | 29.55 | | land | 0.6 | 0.95 | | bannister | 12.42 | 16.54 | | escalator | 52.05 | 83.29 | | ottoman | 52.59 | 70.31 | | bottle | 40.61 | 73.93 | | buffet | 47.13 | 50.94 | | poster | 32.44 | 41.21 | | stage | 17.24 | 32.02 | | van | 43.58 | 58.6 | | ship | 72.04 | 90.83 | | fountain | 45.52 | 47.64 | | conveyer belt | 77.7 | 97.56 | | canopy | 43.16 | 65.47 | | washer | 80.38 | 84.05 | | plaything | 39.45 | 48.22 | | swimming pool | 66.55 | 82.69 | | stool | 40.37 | 62.22 | | barrel | 67.78 | 86.68 | | basket | 39.84 | 55.55 | | waterfall | 52.18 | 61.96 | | tent | 94.09 | 98.81 | | bag | 19.03 | 22.3 | | minibike | 74.41 | 86.03 | | cradle | 79.8 | 97.79 | | oven | 48.87 | 53.59 | | ball | 51.22 | 63.02 | | food | 51.15 | 57.15 | | step | 15.18 | 17.7 | | tank | 62.28 | 66.61 | | trade name | 30.43 | 34.78 | | microwave | 84.43 | 96.62 | | pot | 46.72 | 55.49 | | animal | 58.57 | 60.2 | | bicycle | 59.06 | 81.69 | | lake | 44.67 | 54.74 | | dishwasher | 67.37 | 75.71 | | screen | 51.55 | 89.21 | | blanket | 15.56 | 18.85 | | sculpture | 70.14 | 80.22 | | hood | 59.6 | 72.48 | | sconce | 40.95 | 49.57 | | vase | 39.53 | 59.16 | | traffic light | 33.07 | 51.83 | | tray | 5.22 | 5.92 | | ashcan | 45.76 | 62.54 | | fan | 59.17 | 77.19 | | pier | 33.34 | 43.63 | | crt screen | 4.67 | 10.83 | | plate | 53.74 | 80.57 | | monitor | 14.02 | 18.47 | | bulletin board | 51.28 | 63.56 | | shower | 0.0 | 0.0 | | radiator | 61.59 | 70.47 | | glass | 15.33 | 16.4 | | clock | 40.52 | 44.29 | | flag | 65.67 | 74.56 | +---------------------+-------+-------+ 2023-11-13 20:39:53,435 - mmseg - INFO - Summary: 2023-11-13 20:39:53,435 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.43 | 53.41 | 67.22 | +-------+-------+-------+ 2023-11-13 20:39:53,603 - mmseg - INFO - The previous best checkpoint /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k/best_mIoU_iter_16000.pth was removed 2023-11-13 20:40:01,086 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_32000.pth. 2023-11-13 20:40:01,087 - mmseg - INFO - Best mIoU is 0.5341 at 32000 iter. 2023-11-13 20:40:01,087 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:40:01,088 - mmseg - INFO - Iter(val) [250] aAcc: 0.8443, mIoU: 0.5341, mAcc: 0.6722, IoU.wall: 0.7921, IoU.building: 0.8408, IoU.sky: 0.9468, IoU.floor: 0.8255, IoU.tree: 0.7588, IoU.ceiling: 0.8470, IoU.road: 0.8347, IoU.bed : 0.9115, IoU.windowpane: 0.6382, IoU.grass: 0.6817, IoU.cabinet: 0.6201, IoU.sidewalk: 0.6592, IoU.person: 0.8282, IoU.earth: 0.3745, IoU.door: 0.5454, IoU.table: 0.6323, IoU.mountain: 0.6373, IoU.plant: 0.5420, IoU.curtain: 0.7754, IoU.chair: 0.6112, IoU.car: 0.8610, IoU.water: 0.6402, IoU.painting: 0.7071, IoU.sofa: 0.7391, IoU.shelf: 0.4475, IoU.house: 0.4898, IoU.sea: 0.7090, IoU.mirror: 0.7172, IoU.rug: 0.6510, IoU.field: 0.3029, IoU.armchair: 0.4695, IoU.seat: 0.6376, IoU.fence: 0.5148, IoU.desk: 0.5302, IoU.rock: 0.5730, IoU.wardrobe: 0.4599, IoU.lamp: 0.6217, IoU.bathtub: 0.8004, IoU.railing: 0.4317, IoU.cushion: 0.6276, IoU.base: 0.4481, IoU.box: 0.3175, IoU.column: 0.5193, IoU.signboard: 0.3966, IoU.chest of drawers: 0.4458, IoU.counter: 0.4739, IoU.sand: 0.6105, IoU.sink: 0.7767, IoU.skyscraper: 0.6226, IoU.fireplace: 0.6670, IoU.refrigerator: 0.7534, IoU.grandstand: 0.4322, IoU.path: 0.2722, IoU.stairs: 0.2100, IoU.runway: 0.6579, IoU.case: 0.6109, IoU.pool table: 0.9271, IoU.pillow: 0.6220, IoU.screen door: 0.7308, IoU.stairway: 0.3226, IoU.river: 0.1593, IoU.bridge: 0.6281, IoU.bookcase: 0.3435, IoU.blind: 0.4361, IoU.coffee table: 0.5805, IoU.toilet: 0.8773, IoU.flower: 0.4430, IoU.book: 0.4972, IoU.hill: 0.0712, IoU.bench: 0.4975, IoU.countertop: 0.5890, IoU.stove: 0.7703, IoU.palm: 0.5523, IoU.kitchen island: 0.3271, IoU.computer: 0.7407, IoU.swivel chair: 0.5625, IoU.boat: 0.6686, IoU.bar: 0.4834, IoU.arcade machine: 0.8891, IoU.hovel: 0.5537, IoU.bus: 0.9146, IoU.towel: 0.6500, IoU.light: 0.4858, IoU.truck: 0.3936, IoU.tower: 0.3299, IoU.chandelier: 0.6547, IoU.awning: 0.3825, IoU.streetlight: 0.2846, IoU.booth: 0.4327, IoU.television receiver: 0.7695, IoU.airplane: 0.6441, IoU.dirt track: 0.0000, IoU.apparel: 0.5145, IoU.pole: 0.2273, IoU.land: 0.0060, IoU.bannister: 0.1242, IoU.escalator: 0.5205, IoU.ottoman: 0.5259, IoU.bottle: 0.4061, IoU.buffet: 0.4713, IoU.poster: 0.3244, IoU.stage: 0.1724, IoU.van: 0.4358, IoU.ship: 0.7204, IoU.fountain: 0.4552, IoU.conveyer belt: 0.7770, IoU.canopy: 0.4316, IoU.washer: 0.8038, IoU.plaything: 0.3945, IoU.swimming pool: 0.6655, IoU.stool: 0.4037, IoU.barrel: 0.6778, IoU.basket: 0.3984, IoU.waterfall: 0.5218, IoU.tent: 0.9409, IoU.bag: 0.1903, IoU.minibike: 0.7441, IoU.cradle: 0.7980, IoU.oven: 0.4887, IoU.ball: 0.5122, IoU.food: 0.5115, IoU.step: 0.1518, IoU.tank: 0.6228, IoU.trade name: 0.3043, IoU.microwave: 0.8443, IoU.pot: 0.4672, IoU.animal: 0.5857, IoU.bicycle: 0.5906, IoU.lake: 0.4467, IoU.dishwasher: 0.6737, IoU.screen: 0.5155, IoU.blanket: 0.1556, IoU.sculpture: 0.7014, IoU.hood: 0.5960, IoU.sconce: 0.4095, IoU.vase: 0.3953, IoU.traffic light: 0.3307, IoU.tray: 0.0522, IoU.ashcan: 0.4576, IoU.fan: 0.5917, IoU.pier: 0.3334, IoU.crt screen: 0.0467, IoU.plate: 0.5374, IoU.monitor: 0.1402, IoU.bulletin board: 0.5128, IoU.shower: 0.0000, IoU.radiator: 0.6159, IoU.glass: 0.1533, IoU.clock: 0.4052, IoU.flag: 0.6567, Acc.wall: 0.8684, Acc.building: 0.9270, Acc.sky: 0.9731, Acc.floor: 0.8766, Acc.tree: 0.8892, Acc.ceiling: 0.9353, Acc.road: 0.8797, Acc.bed : 0.9671, Acc.windowpane: 0.7905, Acc.grass: 0.8017, Acc.cabinet: 0.7177, Acc.sidewalk: 0.8816, Acc.person: 0.9294, Acc.earth: 0.4739, Acc.door: 0.7319, Acc.table: 0.7692, Acc.mountain: 0.7897, Acc.plant: 0.6508, Acc.curtain: 0.9016, Acc.chair: 0.7584, Acc.car: 0.9367, Acc.water: 0.7959, Acc.painting: 0.8902, Acc.sofa: 0.8856, Acc.shelf: 0.6456, Acc.house: 0.6964, Acc.sea: 0.9114, Acc.mirror: 0.8353, Acc.rug: 0.8208, Acc.field: 0.5697, Acc.armchair: 0.6575, Acc.seat: 0.8778, Acc.fence: 0.6924, Acc.desk: 0.7514, Acc.rock: 0.7632, Acc.wardrobe: 0.7504, Acc.lamp: 0.7630, Acc.bathtub: 0.8502, Acc.railing: 0.5700, Acc.cushion: 0.7431, Acc.base: 0.6134, Acc.box: 0.4048, Acc.column: 0.7003, Acc.signboard: 0.5082, Acc.chest of drawers: 0.6927, Acc.counter: 0.6029, Acc.sand: 0.8509, Acc.sink: 0.8616, Acc.skyscraper: 0.8140, Acc.fireplace: 0.9347, Acc.refrigerator: 0.8816, Acc.grandstand: 0.7625, Acc.path: 0.3883, Acc.stairs: 0.2596, Acc.runway: 0.8928, Acc.case: 0.7646, Acc.pool table: 0.9814, Acc.pillow: 0.7794, Acc.screen door: 0.9044, Acc.stairway: 0.5215, Acc.river: 0.2056, Acc.bridge: 0.7095, Acc.bookcase: 0.6346, Acc.blind: 0.5003, Acc.coffee table: 0.8774, Acc.toilet: 0.9401, Acc.flower: 0.5901, Acc.book: 0.7560, Acc.hill: 0.1109, Acc.bench: 0.6555, Acc.countertop: 0.7055, Acc.stove: 0.8880, Acc.palm: 0.7672, Acc.kitchen island: 0.8194, Acc.computer: 0.8897, Acc.swivel chair: 0.7762, Acc.boat: 0.8647, Acc.bar: 0.6693, Acc.arcade machine: 0.9692, Acc.hovel: 0.7824, Acc.bus: 0.9666, Acc.towel: 0.8755, Acc.light: 0.5453, Acc.truck: 0.5342, Acc.tower: 0.6234, Acc.chandelier: 0.8799, Acc.awning: 0.5107, Acc.streetlight: 0.3903, Acc.booth: 0.5961, Acc.television receiver: 0.8667, Acc.airplane: 0.7022, Acc.dirt track: 0.0000, Acc.apparel: 0.6627, Acc.pole: 0.2955, Acc.land: 0.0095, Acc.bannister: 0.1654, Acc.escalator: 0.8329, Acc.ottoman: 0.7031, Acc.bottle: 0.7393, Acc.buffet: 0.5094, Acc.poster: 0.4121, Acc.stage: 0.3202, Acc.van: 0.5860, Acc.ship: 0.9083, Acc.fountain: 0.4764, Acc.conveyer belt: 0.9756, Acc.canopy: 0.6547, Acc.washer: 0.8405, Acc.plaything: 0.4822, Acc.swimming pool: 0.8269, Acc.stool: 0.6222, Acc.barrel: 0.8668, Acc.basket: 0.5555, Acc.waterfall: 0.6196, Acc.tent: 0.9881, Acc.bag: 0.2230, Acc.minibike: 0.8603, Acc.cradle: 0.9779, Acc.oven: 0.5359, Acc.ball: 0.6302, Acc.food: 0.5715, Acc.step: 0.1770, Acc.tank: 0.6661, Acc.trade name: 0.3478, Acc.microwave: 0.9662, Acc.pot: 0.5549, Acc.animal: 0.6020, Acc.bicycle: 0.8169, Acc.lake: 0.5474, Acc.dishwasher: 0.7571, Acc.screen: 0.8921, Acc.blanket: 0.1885, Acc.sculpture: 0.8022, Acc.hood: 0.7248, Acc.sconce: 0.4957, Acc.vase: 0.5916, Acc.traffic light: 0.5183, Acc.tray: 0.0592, Acc.ashcan: 0.6254, Acc.fan: 0.7719, Acc.pier: 0.4363, Acc.crt screen: 0.1083, Acc.plate: 0.8057, Acc.monitor: 0.1847, Acc.bulletin board: 0.6356, Acc.shower: 0.0000, Acc.radiator: 0.7047, Acc.glass: 0.1640, Acc.clock: 0.4429, Acc.flag: 0.7456 2023-11-13 20:40:21,773 - mmseg - INFO - Iter [32050/160000] lr: 1.523e-06, eta: 14:45:24, time: 0.896, data_time: 0.489, memory: 16105, decode.loss_ce: 0.3532, decode.acc_seg: 85.8721, aux.loss_ce: 0.2169, aux.acc_seg: 80.0769, loss: 0.5701, grad_norm: 4.5770 2023-11-13 20:40:42,035 - mmseg - INFO - Iter [32100/160000] lr: 1.523e-06, eta: 14:45:01, time: 0.405, data_time: 0.008, memory: 16105, decode.loss_ce: 0.3527, decode.acc_seg: 85.7312, aux.loss_ce: 0.2272, aux.acc_seg: 79.6048, loss: 0.5799, grad_norm: 4.0107 2023-11-13 20:41:02,036 - mmseg - INFO - Iter [32150/160000] lr: 1.522e-06, eta: 14:44:37, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3521, decode.acc_seg: 86.1218, aux.loss_ce: 0.2225, aux.acc_seg: 79.7951, loss: 0.5746, grad_norm: 4.3361 2023-11-13 20:41:22,145 - mmseg - INFO - Iter [32200/160000] lr: 1.522e-06, eta: 14:44:14, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3392, decode.acc_seg: 86.5351, aux.loss_ce: 0.2149, aux.acc_seg: 80.3210, loss: 0.5540, grad_norm: 4.9038 2023-11-13 20:41:42,154 - mmseg - INFO - Iter [32250/160000] lr: 1.521e-06, eta: 14:43:50, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3479, decode.acc_seg: 85.9615, aux.loss_ce: 0.2196, aux.acc_seg: 79.7212, loss: 0.5675, grad_norm: 4.3272 2023-11-13 20:42:02,188 - mmseg - INFO - Iter [32300/160000] lr: 1.520e-06, eta: 14:43:27, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3482, decode.acc_seg: 86.4562, aux.loss_ce: 0.2188, aux.acc_seg: 79.8808, loss: 0.5670, grad_norm: 4.3207 2023-11-13 20:42:22,279 - mmseg - INFO - Iter [32350/160000] lr: 1.520e-06, eta: 14:43:03, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3741, decode.acc_seg: 84.7919, aux.loss_ce: 0.2307, aux.acc_seg: 78.7933, loss: 0.6048, grad_norm: 5.1949 2023-11-13 20:42:42,327 - mmseg - INFO - Iter [32400/160000] lr: 1.519e-06, eta: 14:42:40, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3575, decode.acc_seg: 86.1071, aux.loss_ce: 0.2270, aux.acc_seg: 79.4374, loss: 0.5845, grad_norm: 4.4901 2023-11-13 20:43:02,264 - mmseg - INFO - Iter [32450/160000] lr: 1.519e-06, eta: 14:42:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3460, decode.acc_seg: 86.3698, aux.loss_ce: 0.2129, aux.acc_seg: 80.4650, loss: 0.5590, grad_norm: 4.1748 2023-11-13 20:43:22,590 - mmseg - INFO - Iter [32500/160000] lr: 1.518e-06, eta: 14:41:53, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3458, decode.acc_seg: 85.9479, aux.loss_ce: 0.2226, aux.acc_seg: 79.1924, loss: 0.5684, grad_norm: 4.0555 2023-11-13 20:43:42,857 - mmseg - INFO - Iter [32550/160000] lr: 1.517e-06, eta: 14:41:31, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3679, decode.acc_seg: 85.6573, aux.loss_ce: 0.2323, aux.acc_seg: 78.9199, loss: 0.6001, grad_norm: 4.6230 2023-11-13 20:44:02,839 - mmseg - INFO - Iter [32600/160000] lr: 1.517e-06, eta: 14:41:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3640, decode.acc_seg: 85.6056, aux.loss_ce: 0.2288, aux.acc_seg: 78.8833, loss: 0.5928, grad_norm: 4.5730 2023-11-13 20:44:22,807 - mmseg - INFO - Iter [32650/160000] lr: 1.516e-06, eta: 14:40:43, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3432, decode.acc_seg: 86.7450, aux.loss_ce: 0.2204, aux.acc_seg: 80.2066, loss: 0.5636, grad_norm: 4.1275 2023-11-13 20:44:42,871 - mmseg - INFO - Iter [32700/160000] lr: 1.516e-06, eta: 14:40:20, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3508, decode.acc_seg: 86.2426, aux.loss_ce: 0.2198, aux.acc_seg: 79.9670, loss: 0.5706, grad_norm: 4.5958 2023-11-13 20:45:02,826 - mmseg - INFO - Iter [32750/160000] lr: 1.515e-06, eta: 14:39:56, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3790, decode.acc_seg: 84.8293, aux.loss_ce: 0.2339, aux.acc_seg: 78.8233, loss: 0.6129, grad_norm: 5.6523 2023-11-13 20:45:22,790 - mmseg - INFO - Iter [32800/160000] lr: 1.514e-06, eta: 14:39:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3645, decode.acc_seg: 85.3688, aux.loss_ce: 0.2299, aux.acc_seg: 78.8435, loss: 0.5944, grad_norm: 4.7304 2023-11-13 20:45:45,101 - mmseg - INFO - Iter [32850/160000] lr: 1.514e-06, eta: 14:39:18, time: 0.446, data_time: 0.052, memory: 16105, decode.loss_ce: 0.3347, decode.acc_seg: 86.5511, aux.loss_ce: 0.2161, aux.acc_seg: 80.3217, loss: 0.5508, grad_norm: 3.9517 2023-11-13 20:46:05,032 - mmseg - INFO - Iter [32900/160000] lr: 1.513e-06, eta: 14:38:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3400, decode.acc_seg: 87.0083, aux.loss_ce: 0.2273, aux.acc_seg: 80.0587, loss: 0.5672, grad_norm: 3.6686 2023-11-13 20:46:25,224 - mmseg - INFO - Iter [32950/160000] lr: 1.513e-06, eta: 14:38:31, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3497, decode.acc_seg: 86.3043, aux.loss_ce: 0.2209, aux.acc_seg: 79.7921, loss: 0.5707, grad_norm: 4.5806 2023-11-13 20:46:45,462 - mmseg - INFO - Saving checkpoint at 33000 iterations 2023-11-13 20:46:53,729 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:46:53,729 - mmseg - INFO - Iter [33000/160000] lr: 1.512e-06, eta: 14:38:40, time: 0.570, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3686, decode.acc_seg: 85.5534, aux.loss_ce: 0.2371, aux.acc_seg: 78.9005, loss: 0.6057, grad_norm: 4.3299 2023-11-13 20:47:14,030 - mmseg - INFO - Iter [33050/160000] lr: 1.511e-06, eta: 14:38:17, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3395, decode.acc_seg: 86.3619, aux.loss_ce: 0.2181, aux.acc_seg: 80.3518, loss: 0.5576, grad_norm: 3.8687 2023-11-13 20:47:34,002 - mmseg - INFO - Iter [33100/160000] lr: 1.511e-06, eta: 14:37:54, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3569, decode.acc_seg: 85.7339, aux.loss_ce: 0.2218, aux.acc_seg: 79.8168, loss: 0.5787, grad_norm: 4.4934 2023-11-13 20:47:54,086 - mmseg - INFO - Iter [33150/160000] lr: 1.510e-06, eta: 14:37:30, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3256, decode.acc_seg: 86.9347, aux.loss_ce: 0.2124, aux.acc_seg: 80.3668, loss: 0.5380, grad_norm: 3.9153 2023-11-13 20:48:14,137 - mmseg - INFO - Iter [33200/160000] lr: 1.510e-06, eta: 14:37:07, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3523, decode.acc_seg: 85.8470, aux.loss_ce: 0.2201, aux.acc_seg: 80.0547, loss: 0.5724, grad_norm: 4.2599 2023-11-13 20:48:34,082 - mmseg - INFO - Iter [33250/160000] lr: 1.509e-06, eta: 14:36:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3449, decode.acc_seg: 86.0217, aux.loss_ce: 0.2196, aux.acc_seg: 79.9714, loss: 0.5645, grad_norm: 4.6881 2023-11-13 20:48:54,193 - mmseg - INFO - Iter [33300/160000] lr: 1.509e-06, eta: 14:36:20, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3438, decode.acc_seg: 86.2166, aux.loss_ce: 0.2219, aux.acc_seg: 80.2933, loss: 0.5657, grad_norm: 4.5345 2023-11-13 20:49:14,284 - mmseg - INFO - Iter [33350/160000] lr: 1.508e-06, eta: 14:35:57, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3316, decode.acc_seg: 86.7123, aux.loss_ce: 0.2140, aux.acc_seg: 80.2802, loss: 0.5456, grad_norm: 4.2337 2023-11-13 20:49:34,340 - mmseg - INFO - Iter [33400/160000] lr: 1.507e-06, eta: 14:35:33, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3389, decode.acc_seg: 86.5202, aux.loss_ce: 0.2207, aux.acc_seg: 80.0061, loss: 0.5596, grad_norm: 4.1402 2023-11-13 20:49:54,758 - mmseg - INFO - Iter [33450/160000] lr: 1.507e-06, eta: 14:35:11, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3397, decode.acc_seg: 86.4229, aux.loss_ce: 0.2137, aux.acc_seg: 80.7073, loss: 0.5534, grad_norm: 4.0082 2023-11-13 20:50:14,798 - mmseg - INFO - Iter [33500/160000] lr: 1.506e-06, eta: 14:34:48, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3222, decode.acc_seg: 86.9206, aux.loss_ce: 0.1998, aux.acc_seg: 81.4183, loss: 0.5219, grad_norm: 4.0093 2023-11-13 20:50:34,914 - mmseg - INFO - Iter [33550/160000] lr: 1.506e-06, eta: 14:34:25, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3396, decode.acc_seg: 86.4526, aux.loss_ce: 0.2212, aux.acc_seg: 79.8669, loss: 0.5608, grad_norm: 4.4095 2023-11-13 20:50:54,929 - mmseg - INFO - Iter [33600/160000] lr: 1.505e-06, eta: 14:34:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3191, decode.acc_seg: 86.8227, aux.loss_ce: 0.1997, aux.acc_seg: 80.7464, loss: 0.5188, grad_norm: 3.5755 2023-11-13 20:51:14,959 - mmseg - INFO - Iter [33650/160000] lr: 1.504e-06, eta: 14:33:38, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3473, decode.acc_seg: 86.1206, aux.loss_ce: 0.2185, aux.acc_seg: 79.9596, loss: 0.5658, grad_norm: 4.8317 2023-11-13 20:51:34,912 - mmseg - INFO - Iter [33700/160000] lr: 1.504e-06, eta: 14:33:14, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3757, decode.acc_seg: 85.3418, aux.loss_ce: 0.2345, aux.acc_seg: 78.8625, loss: 0.6102, grad_norm: 4.2344 2023-11-13 20:51:54,911 - mmseg - INFO - Iter [33750/160000] lr: 1.503e-06, eta: 14:32:50, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3644, decode.acc_seg: 85.4343, aux.loss_ce: 0.2212, aux.acc_seg: 79.8870, loss: 0.5856, grad_norm: 5.0693 2023-11-13 20:52:14,837 - mmseg - INFO - Iter [33800/160000] lr: 1.503e-06, eta: 14:32:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3451, decode.acc_seg: 85.9751, aux.loss_ce: 0.2210, aux.acc_seg: 79.7158, loss: 0.5661, grad_norm: 4.1593 2023-11-13 20:52:34,796 - mmseg - INFO - Iter [33850/160000] lr: 1.502e-06, eta: 14:32:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3156, decode.acc_seg: 87.5406, aux.loss_ce: 0.2049, aux.acc_seg: 81.7648, loss: 0.5205, grad_norm: 4.2393 2023-11-13 20:52:55,235 - mmseg - INFO - Iter [33900/160000] lr: 1.501e-06, eta: 14:31:41, time: 0.410, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3509, decode.acc_seg: 86.0746, aux.loss_ce: 0.2244, aux.acc_seg: 79.4868, loss: 0.5753, grad_norm: 5.1549 2023-11-13 20:53:15,339 - mmseg - INFO - Iter [33950/160000] lr: 1.501e-06, eta: 14:31:18, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3701, decode.acc_seg: 85.1746, aux.loss_ce: 0.2336, aux.acc_seg: 78.1859, loss: 0.6037, grad_norm: 6.1438 2023-11-13 20:53:35,304 - mmseg - INFO - Saving checkpoint at 34000 iterations 2023-11-13 20:53:43,434 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 20:53:43,435 - mmseg - INFO - Iter [34000/160000] lr: 1.500e-06, eta: 14:31:25, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3341, decode.acc_seg: 86.4658, aux.loss_ce: 0.2182, aux.acc_seg: 79.2487, loss: 0.5523, grad_norm: 4.9833 2023-11-13 20:54:03,474 - mmseg - INFO - Iter [34050/160000] lr: 1.500e-06, eta: 14:31:01, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3475, decode.acc_seg: 86.6245, aux.loss_ce: 0.2227, aux.acc_seg: 79.9807, loss: 0.5703, grad_norm: 5.1556 2023-11-13 20:54:23,505 - mmseg - INFO - Iter [34100/160000] lr: 1.499e-06, eta: 14:30:38, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3363, decode.acc_seg: 86.7245, aux.loss_ce: 0.2185, aux.acc_seg: 79.9995, loss: 0.5548, grad_norm: 4.6639 2023-11-13 20:54:45,765 - mmseg - INFO - Iter [34150/160000] lr: 1.498e-06, eta: 14:30:23, time: 0.445, data_time: 0.050, memory: 16105, decode.loss_ce: 0.3367, decode.acc_seg: 86.4797, aux.loss_ce: 0.2194, aux.acc_seg: 80.1622, loss: 0.5561, grad_norm: 3.7550 2023-11-13 20:55:05,779 - mmseg - INFO - Iter [34200/160000] lr: 1.498e-06, eta: 14:29:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3407, decode.acc_seg: 86.3442, aux.loss_ce: 0.2127, aux.acc_seg: 80.1727, loss: 0.5533, grad_norm: 4.1371 2023-11-13 20:55:25,761 - mmseg - INFO - Iter [34250/160000] lr: 1.497e-06, eta: 14:29:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3393, decode.acc_seg: 86.7230, aux.loss_ce: 0.2240, aux.acc_seg: 80.0757, loss: 0.5633, grad_norm: 4.4414 2023-11-13 20:55:45,709 - mmseg - INFO - Iter [34300/160000] lr: 1.497e-06, eta: 14:29:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3214, decode.acc_seg: 86.8371, aux.loss_ce: 0.2069, aux.acc_seg: 80.7125, loss: 0.5284, grad_norm: 4.9879 2023-11-13 20:56:06,109 - mmseg - INFO - Iter [34350/160000] lr: 1.496e-06, eta: 14:28:50, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3329, decode.acc_seg: 86.7716, aux.loss_ce: 0.2099, aux.acc_seg: 80.7472, loss: 0.5427, grad_norm: 3.6820 2023-11-13 20:56:26,295 - mmseg - INFO - Iter [34400/160000] lr: 1.495e-06, eta: 14:28:27, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3453, decode.acc_seg: 86.4892, aux.loss_ce: 0.2188, aux.acc_seg: 80.1733, loss: 0.5641, grad_norm: 4.5228 2023-11-13 20:56:46,292 - mmseg - INFO - Iter [34450/160000] lr: 1.495e-06, eta: 14:28:04, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3386, decode.acc_seg: 86.7213, aux.loss_ce: 0.2196, aux.acc_seg: 79.9622, loss: 0.5582, grad_norm: 5.1676 2023-11-13 20:57:06,374 - mmseg - INFO - Iter [34500/160000] lr: 1.494e-06, eta: 14:27:41, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3527, decode.acc_seg: 85.9833, aux.loss_ce: 0.2253, aux.acc_seg: 79.4271, loss: 0.5780, grad_norm: 4.7288 2023-11-13 20:57:26,424 - mmseg - INFO - Iter [34550/160000] lr: 1.494e-06, eta: 14:27:17, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3384, decode.acc_seg: 86.5892, aux.loss_ce: 0.2222, aux.acc_seg: 79.9033, loss: 0.5605, grad_norm: 4.1070 2023-11-13 20:57:46,399 - mmseg - INFO - Iter [34600/160000] lr: 1.493e-06, eta: 14:26:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3434, decode.acc_seg: 86.4447, aux.loss_ce: 0.2162, aux.acc_seg: 80.5181, loss: 0.5596, grad_norm: 4.0646 2023-11-13 20:58:06,388 - mmseg - INFO - Iter [34650/160000] lr: 1.492e-06, eta: 14:26:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3293, decode.acc_seg: 87.1561, aux.loss_ce: 0.2081, aux.acc_seg: 80.8304, loss: 0.5374, grad_norm: 3.9899 2023-11-13 20:58:26,385 - mmseg - INFO - Iter [34700/160000] lr: 1.492e-06, eta: 14:26:07, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3419, decode.acc_seg: 86.1238, aux.loss_ce: 0.2177, aux.acc_seg: 79.7049, loss: 0.5596, grad_norm: 4.9090 2023-11-13 20:58:46,320 - mmseg - INFO - Iter [34750/160000] lr: 1.491e-06, eta: 14:25:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3281, decode.acc_seg: 86.8157, aux.loss_ce: 0.2198, aux.acc_seg: 80.3367, loss: 0.5479, grad_norm: 4.3231 2023-11-13 20:59:06,509 - mmseg - INFO - Iter [34800/160000] lr: 1.491e-06, eta: 14:25:21, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3354, decode.acc_seg: 86.3302, aux.loss_ce: 0.2187, aux.acc_seg: 80.1609, loss: 0.5541, grad_norm: 4.0498 2023-11-13 20:59:26,683 - mmseg - INFO - Iter [34850/160000] lr: 1.490e-06, eta: 14:24:58, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3335, decode.acc_seg: 86.5252, aux.loss_ce: 0.2148, aux.acc_seg: 79.9398, loss: 0.5483, grad_norm: 4.8083 2023-11-13 20:59:46,680 - mmseg - INFO - Iter [34900/160000] lr: 1.489e-06, eta: 14:24:35, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3430, decode.acc_seg: 86.4999, aux.loss_ce: 0.2252, aux.acc_seg: 80.0516, loss: 0.5682, grad_norm: 4.5723 2023-11-13 21:00:06,789 - mmseg - INFO - Iter [34950/160000] lr: 1.489e-06, eta: 14:24:12, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3331, decode.acc_seg: 86.8833, aux.loss_ce: 0.2115, aux.acc_seg: 81.0200, loss: 0.5446, grad_norm: 4.4563 2023-11-13 21:00:26,817 - mmseg - INFO - Saving checkpoint at 35000 iterations 2023-11-13 21:00:35,132 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:00:35,132 - mmseg - INFO - Iter [35000/160000] lr: 1.488e-06, eta: 14:24:18, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3584, decode.acc_seg: 85.9459, aux.loss_ce: 0.2262, aux.acc_seg: 79.7323, loss: 0.5846, grad_norm: 4.1697 2023-11-13 21:00:55,279 - mmseg - INFO - Iter [35050/160000] lr: 1.488e-06, eta: 14:23:55, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3526, decode.acc_seg: 86.4022, aux.loss_ce: 0.2246, aux.acc_seg: 79.5231, loss: 0.5772, grad_norm: 4.3035 2023-11-13 21:01:15,217 - mmseg - INFO - Iter [35100/160000] lr: 1.487e-06, eta: 14:23:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3364, decode.acc_seg: 86.6702, aux.loss_ce: 0.2134, aux.acc_seg: 80.4152, loss: 0.5498, grad_norm: 3.7450 2023-11-13 21:01:35,264 - mmseg - INFO - Iter [35150/160000] lr: 1.486e-06, eta: 14:23:08, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3450, decode.acc_seg: 86.4209, aux.loss_ce: 0.2142, aux.acc_seg: 80.8187, loss: 0.5592, grad_norm: 4.3323 2023-11-13 21:01:55,354 - mmseg - INFO - Iter [35200/160000] lr: 1.486e-06, eta: 14:22:45, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3663, decode.acc_seg: 85.6722, aux.loss_ce: 0.2233, aux.acc_seg: 79.7385, loss: 0.5896, grad_norm: 4.6876 2023-11-13 21:02:15,471 - mmseg - INFO - Iter [35250/160000] lr: 1.485e-06, eta: 14:22:22, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3263, decode.acc_seg: 87.1618, aux.loss_ce: 0.2159, aux.acc_seg: 80.5475, loss: 0.5422, grad_norm: 4.3115 2023-11-13 21:02:35,750 - mmseg - INFO - Iter [35300/160000] lr: 1.485e-06, eta: 14:22:00, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3463, decode.acc_seg: 86.3664, aux.loss_ce: 0.2233, aux.acc_seg: 79.8297, loss: 0.5695, grad_norm: 5.0893 2023-11-13 21:02:55,859 - mmseg - INFO - Iter [35350/160000] lr: 1.484e-06, eta: 14:21:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3335, decode.acc_seg: 86.8710, aux.loss_ce: 0.2152, aux.acc_seg: 80.5516, loss: 0.5487, grad_norm: 4.8925 2023-11-13 21:03:18,236 - mmseg - INFO - Iter [35400/160000] lr: 1.484e-06, eta: 14:21:22, time: 0.448, data_time: 0.051, memory: 16105, decode.loss_ce: 0.3650, decode.acc_seg: 85.6518, aux.loss_ce: 0.2394, aux.acc_seg: 78.6272, loss: 0.6044, grad_norm: 4.2459 2023-11-13 21:03:38,229 - mmseg - INFO - Iter [35450/160000] lr: 1.483e-06, eta: 14:20:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3338, decode.acc_seg: 86.5732, aux.loss_ce: 0.2269, aux.acc_seg: 79.2845, loss: 0.5607, grad_norm: 4.8294 2023-11-13 21:03:58,304 - mmseg - INFO - Iter [35500/160000] lr: 1.482e-06, eta: 14:20:36, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3310, decode.acc_seg: 86.5633, aux.loss_ce: 0.2159, aux.acc_seg: 79.8985, loss: 0.5469, grad_norm: 4.8770 2023-11-13 21:04:18,373 - mmseg - INFO - Iter [35550/160000] lr: 1.482e-06, eta: 14:20:13, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3229, decode.acc_seg: 86.8277, aux.loss_ce: 0.2092, aux.acc_seg: 80.4511, loss: 0.5320, grad_norm: 4.4036 2023-11-13 21:04:38,293 - mmseg - INFO - Iter [35600/160000] lr: 1.481e-06, eta: 14:19:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3251, decode.acc_seg: 86.8709, aux.loss_ce: 0.2119, aux.acc_seg: 80.1535, loss: 0.5369, grad_norm: 4.2049 2023-11-13 21:04:58,299 - mmseg - INFO - Iter [35650/160000] lr: 1.481e-06, eta: 14:19:26, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3406, decode.acc_seg: 86.1288, aux.loss_ce: 0.2178, aux.acc_seg: 79.7141, loss: 0.5584, grad_norm: 4.0224 2023-11-13 21:05:18,465 - mmseg - INFO - Iter [35700/160000] lr: 1.480e-06, eta: 14:19:03, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3282, decode.acc_seg: 87.0732, aux.loss_ce: 0.2090, aux.acc_seg: 81.1099, loss: 0.5372, grad_norm: 4.5136 2023-11-13 21:05:38,778 - mmseg - INFO - Iter [35750/160000] lr: 1.479e-06, eta: 14:18:41, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3082, decode.acc_seg: 87.2909, aux.loss_ce: 0.2007, aux.acc_seg: 80.4043, loss: 0.5089, grad_norm: 3.8833 2023-11-13 21:05:58,798 - mmseg - INFO - Iter [35800/160000] lr: 1.479e-06, eta: 14:18:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3237, decode.acc_seg: 87.3899, aux.loss_ce: 0.2035, aux.acc_seg: 81.6644, loss: 0.5272, grad_norm: 4.0539 2023-11-13 21:06:19,021 - mmseg - INFO - Iter [35850/160000] lr: 1.478e-06, eta: 14:17:55, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3560, decode.acc_seg: 86.3037, aux.loss_ce: 0.2308, aux.acc_seg: 79.0796, loss: 0.5868, grad_norm: 4.9963 2023-11-13 21:06:39,145 - mmseg - INFO - Iter [35900/160000] lr: 1.478e-06, eta: 14:17:32, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3394, decode.acc_seg: 86.6548, aux.loss_ce: 0.2176, aux.acc_seg: 80.2939, loss: 0.5569, grad_norm: 4.0061 2023-11-13 21:06:59,349 - mmseg - INFO - Iter [35950/160000] lr: 1.477e-06, eta: 14:17:10, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3301, decode.acc_seg: 86.8733, aux.loss_ce: 0.2099, aux.acc_seg: 80.9505, loss: 0.5400, grad_norm: 4.1391 2023-11-13 21:07:19,350 - mmseg - INFO - Saving checkpoint at 36000 iterations 2023-11-13 21:07:27,034 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:07:27,034 - mmseg - INFO - Iter [36000/160000] lr: 1.476e-06, eta: 14:17:13, time: 0.554, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3272, decode.acc_seg: 86.7336, aux.loss_ce: 0.2124, aux.acc_seg: 80.4307, loss: 0.5396, grad_norm: 4.0063 2023-11-13 21:07:47,112 - mmseg - INFO - Iter [36050/160000] lr: 1.476e-06, eta: 14:16:50, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3195, decode.acc_seg: 87.3358, aux.loss_ce: 0.2174, aux.acc_seg: 80.4558, loss: 0.5368, grad_norm: 3.8870 2023-11-13 21:08:07,169 - mmseg - INFO - Iter [36100/160000] lr: 1.475e-06, eta: 14:16:27, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3333, decode.acc_seg: 87.0295, aux.loss_ce: 0.2130, aux.acc_seg: 80.4723, loss: 0.5463, grad_norm: 4.0474 2023-11-13 21:08:27,204 - mmseg - INFO - Iter [36150/160000] lr: 1.475e-06, eta: 14:16:04, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3509, decode.acc_seg: 86.2033, aux.loss_ce: 0.2258, aux.acc_seg: 79.5497, loss: 0.5767, grad_norm: 5.5471 2023-11-13 21:08:47,544 - mmseg - INFO - Iter [36200/160000] lr: 1.474e-06, eta: 14:15:42, time: 0.407, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3229, decode.acc_seg: 86.9550, aux.loss_ce: 0.2091, aux.acc_seg: 80.8274, loss: 0.5320, grad_norm: 3.8231 2023-11-13 21:09:07,687 - mmseg - INFO - Iter [36250/160000] lr: 1.473e-06, eta: 14:15:19, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3439, decode.acc_seg: 86.4030, aux.loss_ce: 0.2164, aux.acc_seg: 80.0865, loss: 0.5602, grad_norm: 4.3328 2023-11-13 21:09:27,628 - mmseg - INFO - Iter [36300/160000] lr: 1.473e-06, eta: 14:14:55, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3378, decode.acc_seg: 86.8094, aux.loss_ce: 0.2170, aux.acc_seg: 80.4388, loss: 0.5548, grad_norm: 4.1220 2023-11-13 21:09:47,544 - mmseg - INFO - Iter [36350/160000] lr: 1.472e-06, eta: 14:14:32, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3203, decode.acc_seg: 86.9496, aux.loss_ce: 0.2058, aux.acc_seg: 80.9156, loss: 0.5261, grad_norm: 4.6640 2023-11-13 21:10:07,508 - mmseg - INFO - Iter [36400/160000] lr: 1.472e-06, eta: 14:14:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3854, decode.acc_seg: 85.2630, aux.loss_ce: 0.2392, aux.acc_seg: 78.6283, loss: 0.6246, grad_norm: 5.1340 2023-11-13 21:10:27,457 - mmseg - INFO - Iter [36450/160000] lr: 1.471e-06, eta: 14:13:45, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3394, decode.acc_seg: 86.3681, aux.loss_ce: 0.2106, aux.acc_seg: 80.8199, loss: 0.5499, grad_norm: 4.3370 2023-11-13 21:10:47,375 - mmseg - INFO - Iter [36500/160000] lr: 1.470e-06, eta: 14:13:22, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3490, decode.acc_seg: 86.2164, aux.loss_ce: 0.2308, aux.acc_seg: 79.3769, loss: 0.5798, grad_norm: 4.4415 2023-11-13 21:11:07,374 - mmseg - INFO - Iter [36550/160000] lr: 1.470e-06, eta: 14:12:58, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3287, decode.acc_seg: 87.1990, aux.loss_ce: 0.2122, aux.acc_seg: 80.3552, loss: 0.5409, grad_norm: 4.4659 2023-11-13 21:11:27,305 - mmseg - INFO - Iter [36600/160000] lr: 1.469e-06, eta: 14:12:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3284, decode.acc_seg: 86.7576, aux.loss_ce: 0.2054, aux.acc_seg: 80.9606, loss: 0.5338, grad_norm: 4.6029 2023-11-13 21:11:49,870 - mmseg - INFO - Iter [36650/160000] lr: 1.469e-06, eta: 14:12:20, time: 0.451, data_time: 0.049, memory: 16105, decode.loss_ce: 0.3355, decode.acc_seg: 86.9548, aux.loss_ce: 0.2139, aux.acc_seg: 80.9879, loss: 0.5494, grad_norm: 4.5418 2023-11-13 21:12:10,183 - mmseg - INFO - Iter [36700/160000] lr: 1.468e-06, eta: 14:11:58, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3369, decode.acc_seg: 86.4824, aux.loss_ce: 0.2177, aux.acc_seg: 79.9593, loss: 0.5547, grad_norm: 5.9294 2023-11-13 21:12:30,259 - mmseg - INFO - Iter [36750/160000] lr: 1.467e-06, eta: 14:11:35, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3401, decode.acc_seg: 86.7294, aux.loss_ce: 0.2195, aux.acc_seg: 80.3020, loss: 0.5596, grad_norm: 4.7640 2023-11-13 21:12:50,283 - mmseg - INFO - Iter [36800/160000] lr: 1.467e-06, eta: 14:11:12, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3190, decode.acc_seg: 87.2867, aux.loss_ce: 0.2090, aux.acc_seg: 80.7765, loss: 0.5280, grad_norm: 4.1179 2023-11-13 21:13:10,242 - mmseg - INFO - Iter [36850/160000] lr: 1.466e-06, eta: 14:10:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3411, decode.acc_seg: 86.5599, aux.loss_ce: 0.2259, aux.acc_seg: 79.7649, loss: 0.5670, grad_norm: 4.4498 2023-11-13 21:13:30,268 - mmseg - INFO - Iter [36900/160000] lr: 1.466e-06, eta: 14:10:26, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3038, decode.acc_seg: 87.2783, aux.loss_ce: 0.2006, aux.acc_seg: 80.9976, loss: 0.5044, grad_norm: 3.9154 2023-11-13 21:13:50,168 - mmseg - INFO - Iter [36950/160000] lr: 1.465e-06, eta: 14:10:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3351, decode.acc_seg: 86.6854, aux.loss_ce: 0.2135, aux.acc_seg: 80.5408, loss: 0.5487, grad_norm: 4.3338 2023-11-13 21:14:10,106 - mmseg - INFO - Saving checkpoint at 37000 iterations 2023-11-13 21:14:18,179 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:14:18,179 - mmseg - INFO - Iter [37000/160000] lr: 1.464e-06, eta: 14:10:06, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3265, decode.acc_seg: 86.9318, aux.loss_ce: 0.2182, aux.acc_seg: 79.9589, loss: 0.5447, grad_norm: 4.2184 2023-11-13 21:14:38,217 - mmseg - INFO - Iter [37050/160000] lr: 1.464e-06, eta: 14:09:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3408, decode.acc_seg: 86.3977, aux.loss_ce: 0.2184, aux.acc_seg: 80.2589, loss: 0.5592, grad_norm: 4.5994 2023-11-13 21:14:58,428 - mmseg - INFO - Iter [37100/160000] lr: 1.463e-06, eta: 14:09:20, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3159, decode.acc_seg: 87.4519, aux.loss_ce: 0.2059, aux.acc_seg: 81.6572, loss: 0.5218, grad_norm: 3.8171 2023-11-13 21:15:18,863 - mmseg - INFO - Iter [37150/160000] lr: 1.463e-06, eta: 14:08:59, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3420, decode.acc_seg: 86.2424, aux.loss_ce: 0.2190, aux.acc_seg: 80.5707, loss: 0.5610, grad_norm: 4.7720 2023-11-13 21:15:38,917 - mmseg - INFO - Iter [37200/160000] lr: 1.462e-06, eta: 14:08:36, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3410, decode.acc_seg: 86.6684, aux.loss_ce: 0.2209, aux.acc_seg: 80.0095, loss: 0.5619, grad_norm: 4.2727 2023-11-13 21:15:59,007 - mmseg - INFO - Iter [37250/160000] lr: 1.461e-06, eta: 14:08:13, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3094, decode.acc_seg: 87.7752, aux.loss_ce: 0.2078, aux.acc_seg: 81.1052, loss: 0.5171, grad_norm: 4.0653 2023-11-13 21:16:18,948 - mmseg - INFO - Iter [37300/160000] lr: 1.461e-06, eta: 14:07:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3576, decode.acc_seg: 86.0010, aux.loss_ce: 0.2215, aux.acc_seg: 80.2804, loss: 0.5791, grad_norm: 5.2435 2023-11-13 21:16:38,887 - mmseg - INFO - Iter [37350/160000] lr: 1.460e-06, eta: 14:07:26, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3238, decode.acc_seg: 87.3423, aux.loss_ce: 0.2059, aux.acc_seg: 81.5383, loss: 0.5297, grad_norm: 4.7368 2023-11-13 21:16:58,812 - mmseg - INFO - Iter [37400/160000] lr: 1.460e-06, eta: 14:07:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3310, decode.acc_seg: 86.8004, aux.loss_ce: 0.2123, aux.acc_seg: 80.5463, loss: 0.5432, grad_norm: 4.0162 2023-11-13 21:17:18,754 - mmseg - INFO - Iter [37450/160000] lr: 1.459e-06, eta: 14:06:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3422, decode.acc_seg: 86.4288, aux.loss_ce: 0.2149, aux.acc_seg: 80.5249, loss: 0.5571, grad_norm: 4.9000 2023-11-13 21:17:38,670 - mmseg - INFO - Iter [37500/160000] lr: 1.459e-06, eta: 14:06:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3371, decode.acc_seg: 86.7051, aux.loss_ce: 0.2155, aux.acc_seg: 80.2186, loss: 0.5525, grad_norm: 5.1012 2023-11-13 21:17:58,840 - mmseg - INFO - Iter [37550/160000] lr: 1.458e-06, eta: 14:05:54, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3310, decode.acc_seg: 86.7855, aux.loss_ce: 0.2108, aux.acc_seg: 80.7887, loss: 0.5418, grad_norm: 4.9857 2023-11-13 21:18:19,188 - mmseg - INFO - Iter [37600/160000] lr: 1.457e-06, eta: 14:05:32, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3192, decode.acc_seg: 87.1122, aux.loss_ce: 0.2099, aux.acc_seg: 80.6872, loss: 0.5291, grad_norm: 3.9280 2023-11-13 21:18:39,196 - mmseg - INFO - Iter [37650/160000] lr: 1.457e-06, eta: 14:05:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3362, decode.acc_seg: 86.4317, aux.loss_ce: 0.2181, aux.acc_seg: 80.0624, loss: 0.5542, grad_norm: 4.7505 2023-11-13 21:18:59,093 - mmseg - INFO - Iter [37700/160000] lr: 1.456e-06, eta: 14:04:45, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3473, decode.acc_seg: 86.1295, aux.loss_ce: 0.2218, aux.acc_seg: 79.8373, loss: 0.5691, grad_norm: 4.9067 2023-11-13 21:19:19,075 - mmseg - INFO - Iter [37750/160000] lr: 1.456e-06, eta: 14:04:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3279, decode.acc_seg: 86.7064, aux.loss_ce: 0.2071, aux.acc_seg: 80.6992, loss: 0.5350, grad_norm: 4.3282 2023-11-13 21:19:38,948 - mmseg - INFO - Iter [37800/160000] lr: 1.455e-06, eta: 14:03:59, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3675, decode.acc_seg: 85.7895, aux.loss_ce: 0.2323, aux.acc_seg: 79.5959, loss: 0.5998, grad_norm: 5.4991 2023-11-13 21:19:58,859 - mmseg - INFO - Iter [37850/160000] lr: 1.454e-06, eta: 14:03:35, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3332, decode.acc_seg: 86.8158, aux.loss_ce: 0.2123, aux.acc_seg: 80.7333, loss: 0.5455, grad_norm: 4.4726 2023-11-13 21:20:21,081 - mmseg - INFO - Iter [37900/160000] lr: 1.454e-06, eta: 14:03:20, time: 0.444, data_time: 0.049, memory: 16105, decode.loss_ce: 0.3283, decode.acc_seg: 87.1379, aux.loss_ce: 0.2096, aux.acc_seg: 81.1212, loss: 0.5379, grad_norm: 4.3925 2023-11-13 21:20:40,986 - mmseg - INFO - Iter [37950/160000] lr: 1.453e-06, eta: 14:02:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3119, decode.acc_seg: 87.5767, aux.loss_ce: 0.2040, aux.acc_seg: 81.2984, loss: 0.5158, grad_norm: 4.2057 2023-11-13 21:21:01,016 - mmseg - INFO - Saving checkpoint at 38000 iterations 2023-11-13 21:21:09,126 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:21:09,127 - mmseg - INFO - Iter [38000/160000] lr: 1.453e-06, eta: 14:02:59, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3387, decode.acc_seg: 86.8529, aux.loss_ce: 0.2127, aux.acc_seg: 81.0217, loss: 0.5514, grad_norm: 4.5672 2023-11-13 21:21:29,538 - mmseg - INFO - Iter [38050/160000] lr: 1.452e-06, eta: 14:02:38, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3348, decode.acc_seg: 86.7226, aux.loss_ce: 0.2177, aux.acc_seg: 80.2507, loss: 0.5526, grad_norm: 4.0973 2023-11-13 21:21:49,580 - mmseg - INFO - Iter [38100/160000] lr: 1.451e-06, eta: 14:02:15, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3184, decode.acc_seg: 87.2876, aux.loss_ce: 0.2040, aux.acc_seg: 81.4729, loss: 0.5224, grad_norm: 4.6468 2023-11-13 21:22:09,519 - mmseg - INFO - Iter [38150/160000] lr: 1.451e-06, eta: 14:01:51, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3231, decode.acc_seg: 87.0572, aux.loss_ce: 0.2136, aux.acc_seg: 80.3530, loss: 0.5367, grad_norm: 3.9965 2023-11-13 21:22:29,494 - mmseg - INFO - Iter [38200/160000] lr: 1.450e-06, eta: 14:01:28, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3147, decode.acc_seg: 87.1781, aux.loss_ce: 0.2036, aux.acc_seg: 81.2589, loss: 0.5184, grad_norm: 4.0417 2023-11-13 21:22:49,488 - mmseg - INFO - Iter [38250/160000] lr: 1.450e-06, eta: 14:01:05, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3239, decode.acc_seg: 87.2524, aux.loss_ce: 0.2139, aux.acc_seg: 80.2016, loss: 0.5377, grad_norm: 4.0644 2023-11-13 21:23:09,549 - mmseg - INFO - Iter [38300/160000] lr: 1.449e-06, eta: 14:00:42, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3079, decode.acc_seg: 87.2328, aux.loss_ce: 0.2006, aux.acc_seg: 81.3389, loss: 0.5085, grad_norm: 4.0158 2023-11-13 21:23:29,436 - mmseg - INFO - Iter [38350/160000] lr: 1.448e-06, eta: 14:00:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3362, decode.acc_seg: 86.4480, aux.loss_ce: 0.2204, aux.acc_seg: 80.0154, loss: 0.5566, grad_norm: 3.9190 2023-11-13 21:23:49,331 - mmseg - INFO - Iter [38400/160000] lr: 1.448e-06, eta: 13:59:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3496, decode.acc_seg: 86.4123, aux.loss_ce: 0.2250, aux.acc_seg: 79.9008, loss: 0.5745, grad_norm: 4.8571 2023-11-13 21:24:09,225 - mmseg - INFO - Iter [38450/160000] lr: 1.447e-06, eta: 13:59:32, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3402, decode.acc_seg: 86.6301, aux.loss_ce: 0.2126, aux.acc_seg: 80.1950, loss: 0.5528, grad_norm: 5.4365 2023-11-13 21:24:29,878 - mmseg - INFO - Iter [38500/160000] lr: 1.447e-06, eta: 13:59:11, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3214, decode.acc_seg: 86.5988, aux.loss_ce: 0.2032, aux.acc_seg: 80.7461, loss: 0.5246, grad_norm: 4.5248 2023-11-13 21:24:49,940 - mmseg - INFO - Iter [38550/160000] lr: 1.446e-06, eta: 13:58:49, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3259, decode.acc_seg: 86.8031, aux.loss_ce: 0.2063, aux.acc_seg: 80.7035, loss: 0.5322, grad_norm: 4.5521 2023-11-13 21:25:09,919 - mmseg - INFO - Iter [38600/160000] lr: 1.445e-06, eta: 13:58:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3255, decode.acc_seg: 86.9011, aux.loss_ce: 0.2087, aux.acc_seg: 80.9904, loss: 0.5342, grad_norm: 4.7627 2023-11-13 21:25:29,825 - mmseg - INFO - Iter [38650/160000] lr: 1.445e-06, eta: 13:58:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3530, decode.acc_seg: 86.0721, aux.loss_ce: 0.2205, aux.acc_seg: 79.8864, loss: 0.5735, grad_norm: 4.9195 2023-11-13 21:25:49,840 - mmseg - INFO - Iter [38700/160000] lr: 1.444e-06, eta: 13:57:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3353, decode.acc_seg: 86.5170, aux.loss_ce: 0.2190, aux.acc_seg: 79.7969, loss: 0.5543, grad_norm: 4.5755 2023-11-13 21:26:09,760 - mmseg - INFO - Iter [38750/160000] lr: 1.444e-06, eta: 13:57:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3257, decode.acc_seg: 86.6764, aux.loss_ce: 0.2105, aux.acc_seg: 80.1156, loss: 0.5363, grad_norm: 4.2976 2023-11-13 21:26:29,844 - mmseg - INFO - Iter [38800/160000] lr: 1.443e-06, eta: 13:56:53, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3300, decode.acc_seg: 86.7339, aux.loss_ce: 0.2131, aux.acc_seg: 80.2654, loss: 0.5430, grad_norm: 3.8725 2023-11-13 21:26:49,924 - mmseg - INFO - Iter [38850/160000] lr: 1.442e-06, eta: 13:56:31, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3262, decode.acc_seg: 87.1393, aux.loss_ce: 0.2213, aux.acc_seg: 80.1185, loss: 0.5475, grad_norm: 4.7998 2023-11-13 21:27:09,863 - mmseg - INFO - Iter [38900/160000] lr: 1.442e-06, eta: 13:56:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3138, decode.acc_seg: 87.0071, aux.loss_ce: 0.1959, aux.acc_seg: 81.4385, loss: 0.5097, grad_norm: 4.4790 2023-11-13 21:27:30,246 - mmseg - INFO - Iter [38950/160000] lr: 1.441e-06, eta: 13:55:46, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3316, decode.acc_seg: 87.2483, aux.loss_ce: 0.2160, aux.acc_seg: 80.3110, loss: 0.5476, grad_norm: 4.6906 2023-11-13 21:27:50,447 - mmseg - INFO - Saving checkpoint at 39000 iterations 2023-11-13 21:27:58,826 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:27:58,826 - mmseg - INFO - Iter [39000/160000] lr: 1.441e-06, eta: 13:55:50, time: 0.573, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3338, decode.acc_seg: 86.6813, aux.loss_ce: 0.2060, aux.acc_seg: 80.7479, loss: 0.5398, grad_norm: 4.3924 2023-11-13 21:28:18,883 - mmseg - INFO - Iter [39050/160000] lr: 1.440e-06, eta: 13:55:27, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3443, decode.acc_seg: 86.4565, aux.loss_ce: 0.2166, aux.acc_seg: 80.4119, loss: 0.5609, grad_norm: 5.2646 2023-11-13 21:28:38,829 - mmseg - INFO - Iter [39100/160000] lr: 1.439e-06, eta: 13:55:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3358, decode.acc_seg: 87.1050, aux.loss_ce: 0.2131, aux.acc_seg: 80.7107, loss: 0.5489, grad_norm: 4.3757 2023-11-13 21:28:58,711 - mmseg - INFO - Iter [39150/160000] lr: 1.439e-06, eta: 13:54:40, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3463, decode.acc_seg: 86.0804, aux.loss_ce: 0.2217, aux.acc_seg: 79.7814, loss: 0.5680, grad_norm: 5.1400 2023-11-13 21:29:21,024 - mmseg - INFO - Iter [39200/160000] lr: 1.438e-06, eta: 13:54:24, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.3162, decode.acc_seg: 87.3981, aux.loss_ce: 0.2105, aux.acc_seg: 80.1904, loss: 0.5267, grad_norm: 4.5440 2023-11-13 21:29:41,205 - mmseg - INFO - Iter [39250/160000] lr: 1.438e-06, eta: 13:54:02, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2966, decode.acc_seg: 87.9453, aux.loss_ce: 0.2016, aux.acc_seg: 80.6968, loss: 0.4982, grad_norm: 3.9183 2023-11-13 21:30:01,111 - mmseg - INFO - Iter [39300/160000] lr: 1.437e-06, eta: 13:53:39, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3126, decode.acc_seg: 87.0725, aux.loss_ce: 0.2012, aux.acc_seg: 81.1386, loss: 0.5138, grad_norm: 3.9531 2023-11-13 21:30:21,019 - mmseg - INFO - Iter [39350/160000] lr: 1.436e-06, eta: 13:53:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3272, decode.acc_seg: 86.8614, aux.loss_ce: 0.2134, aux.acc_seg: 80.2440, loss: 0.5406, grad_norm: 4.8223 2023-11-13 21:30:41,153 - mmseg - INFO - Iter [39400/160000] lr: 1.436e-06, eta: 13:52:53, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3215, decode.acc_seg: 87.1618, aux.loss_ce: 0.2064, aux.acc_seg: 81.1702, loss: 0.5279, grad_norm: 4.0168 2023-11-13 21:31:01,502 - mmseg - INFO - Iter [39450/160000] lr: 1.435e-06, eta: 13:52:31, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3217, decode.acc_seg: 87.1929, aux.loss_ce: 0.2154, aux.acc_seg: 80.2353, loss: 0.5371, grad_norm: 5.5537 2023-11-13 21:31:21,817 - mmseg - INFO - Iter [39500/160000] lr: 1.435e-06, eta: 13:52:09, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3144, decode.acc_seg: 87.3651, aux.loss_ce: 0.2046, aux.acc_seg: 81.1303, loss: 0.5190, grad_norm: 5.0265 2023-11-13 21:31:41,780 - mmseg - INFO - Iter [39550/160000] lr: 1.434e-06, eta: 13:51:46, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3138, decode.acc_seg: 87.3407, aux.loss_ce: 0.2070, aux.acc_seg: 80.8690, loss: 0.5208, grad_norm: 4.3093 2023-11-13 21:32:01,727 - mmseg - INFO - Iter [39600/160000] lr: 1.434e-06, eta: 13:51:23, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3221, decode.acc_seg: 86.9673, aux.loss_ce: 0.2053, aux.acc_seg: 80.8822, loss: 0.5274, grad_norm: 4.4591 2023-11-13 21:32:21,654 - mmseg - INFO - Iter [39650/160000] lr: 1.433e-06, eta: 13:51:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3199, decode.acc_seg: 87.0693, aux.loss_ce: 0.2078, aux.acc_seg: 80.6191, loss: 0.5277, grad_norm: 4.5522 2023-11-13 21:32:41,523 - mmseg - INFO - Iter [39700/160000] lr: 1.432e-06, eta: 13:50:37, time: 0.397, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3319, decode.acc_seg: 86.4026, aux.loss_ce: 0.2099, aux.acc_seg: 80.5172, loss: 0.5419, grad_norm: 6.8522 2023-11-13 21:33:01,578 - mmseg - INFO - Iter [39750/160000] lr: 1.432e-06, eta: 13:50:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2919, decode.acc_seg: 87.8293, aux.loss_ce: 0.1880, aux.acc_seg: 82.1848, loss: 0.4799, grad_norm: 4.9767 2023-11-13 21:33:21,476 - mmseg - INFO - Iter [39800/160000] lr: 1.431e-06, eta: 13:49:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3188, decode.acc_seg: 87.1912, aux.loss_ce: 0.2110, aux.acc_seg: 80.2844, loss: 0.5298, grad_norm: 4.5524 2023-11-13 21:33:41,587 - mmseg - INFO - Iter [39850/160000] lr: 1.431e-06, eta: 13:49:28, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3046, decode.acc_seg: 87.5169, aux.loss_ce: 0.2001, aux.acc_seg: 81.4131, loss: 0.5047, grad_norm: 4.1679 2023-11-13 21:34:01,942 - mmseg - INFO - Iter [39900/160000] lr: 1.430e-06, eta: 13:49:07, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3458, decode.acc_seg: 86.4383, aux.loss_ce: 0.2206, aux.acc_seg: 79.6879, loss: 0.5664, grad_norm: 4.9680 2023-11-13 21:34:21,918 - mmseg - INFO - Iter [39950/160000] lr: 1.429e-06, eta: 13:48:44, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3518, decode.acc_seg: 86.2618, aux.loss_ce: 0.2210, aux.acc_seg: 80.1024, loss: 0.5728, grad_norm: 4.4569 2023-11-13 21:34:42,029 - mmseg - INFO - Saving checkpoint at 40000 iterations 2023-11-13 21:34:49,601 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:34:49,601 - mmseg - INFO - Iter [40000/160000] lr: 1.429e-06, eta: 13:48:44, time: 0.554, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3303, decode.acc_seg: 86.9340, aux.loss_ce: 0.2180, aux.acc_seg: 80.3021, loss: 0.5483, grad_norm: 4.8833 2023-11-13 21:35:09,593 - mmseg - INFO - Iter [40050/160000] lr: 1.428e-06, eta: 13:48:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3394, decode.acc_seg: 86.3064, aux.loss_ce: 0.2188, aux.acc_seg: 80.2482, loss: 0.5583, grad_norm: 4.1793 2023-11-13 21:35:29,506 - mmseg - INFO - Iter [40100/160000] lr: 1.428e-06, eta: 13:47:58, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3490, decode.acc_seg: 86.0370, aux.loss_ce: 0.2150, aux.acc_seg: 80.4265, loss: 0.5640, grad_norm: 5.8579 2023-11-13 21:35:49,437 - mmseg - INFO - Iter [40150/160000] lr: 1.427e-06, eta: 13:47:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3279, decode.acc_seg: 87.2216, aux.loss_ce: 0.2154, aux.acc_seg: 80.5606, loss: 0.5432, grad_norm: 4.2142 2023-11-13 21:36:09,435 - mmseg - INFO - Iter [40200/160000] lr: 1.426e-06, eta: 13:47:12, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3179, decode.acc_seg: 87.1909, aux.loss_ce: 0.2130, aux.acc_seg: 80.4966, loss: 0.5310, grad_norm: 3.8854 2023-11-13 21:36:29,515 - mmseg - INFO - Iter [40250/160000] lr: 1.426e-06, eta: 13:46:49, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3433, decode.acc_seg: 86.9133, aux.loss_ce: 0.2164, aux.acc_seg: 80.4553, loss: 0.5597, grad_norm: 4.5491 2023-11-13 21:36:49,444 - mmseg - INFO - Iter [40300/160000] lr: 1.425e-06, eta: 13:46:26, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3313, decode.acc_seg: 86.8625, aux.loss_ce: 0.2139, aux.acc_seg: 80.2277, loss: 0.5452, grad_norm: 4.3688 2023-11-13 21:37:09,794 - mmseg - INFO - Iter [40350/160000] lr: 1.425e-06, eta: 13:46:05, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3273, decode.acc_seg: 87.2607, aux.loss_ce: 0.2059, aux.acc_seg: 81.1224, loss: 0.5332, grad_norm: 3.7517 2023-11-13 21:37:29,808 - mmseg - INFO - Iter [40400/160000] lr: 1.424e-06, eta: 13:45:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3325, decode.acc_seg: 86.9803, aux.loss_ce: 0.2183, aux.acc_seg: 80.1404, loss: 0.5509, grad_norm: 4.7571 2023-11-13 21:37:52,043 - mmseg - INFO - Iter [40450/160000] lr: 1.423e-06, eta: 13:45:26, time: 0.445, data_time: 0.051, memory: 16105, decode.loss_ce: 0.3252, decode.acc_seg: 87.1992, aux.loss_ce: 0.2138, aux.acc_seg: 80.5001, loss: 0.5390, grad_norm: 4.7994 2023-11-13 21:38:12,020 - mmseg - INFO - Iter [40500/160000] lr: 1.423e-06, eta: 13:45:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3141, decode.acc_seg: 87.3541, aux.loss_ce: 0.2110, aux.acc_seg: 80.1356, loss: 0.5251, grad_norm: 4.5003 2023-11-13 21:38:31,974 - mmseg - INFO - Iter [40550/160000] lr: 1.422e-06, eta: 13:44:40, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3138, decode.acc_seg: 87.4357, aux.loss_ce: 0.2071, aux.acc_seg: 80.9994, loss: 0.5209, grad_norm: 5.1234 2023-11-13 21:38:52,042 - mmseg - INFO - Iter [40600/160000] lr: 1.422e-06, eta: 13:44:17, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3113, decode.acc_seg: 87.7319, aux.loss_ce: 0.2001, aux.acc_seg: 81.5659, loss: 0.5114, grad_norm: 4.2537 2023-11-13 21:39:12,041 - mmseg - INFO - Iter [40650/160000] lr: 1.421e-06, eta: 13:43:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3049, decode.acc_seg: 87.7451, aux.loss_ce: 0.1999, aux.acc_seg: 81.0620, loss: 0.5047, grad_norm: 4.1657 2023-11-13 21:39:31,955 - mmseg - INFO - Iter [40700/160000] lr: 1.420e-06, eta: 13:43:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3319, decode.acc_seg: 86.8667, aux.loss_ce: 0.2169, aux.acc_seg: 80.3436, loss: 0.5488, grad_norm: 4.6270 2023-11-13 21:39:51,970 - mmseg - INFO - Iter [40750/160000] lr: 1.420e-06, eta: 13:43:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3202, decode.acc_seg: 87.2977, aux.loss_ce: 0.2109, aux.acc_seg: 80.9818, loss: 0.5311, grad_norm: 4.3830 2023-11-13 21:40:12,497 - mmseg - INFO - Iter [40800/160000] lr: 1.419e-06, eta: 13:42:47, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3045, decode.acc_seg: 87.8914, aux.loss_ce: 0.2079, aux.acc_seg: 80.8838, loss: 0.5124, grad_norm: 4.1324 2023-11-13 21:40:32,533 - mmseg - INFO - Iter [40850/160000] lr: 1.419e-06, eta: 13:42:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3097, decode.acc_seg: 87.6516, aux.loss_ce: 0.2013, aux.acc_seg: 81.6190, loss: 0.5110, grad_norm: 4.3867 2023-11-13 21:40:52,580 - mmseg - INFO - Iter [40900/160000] lr: 1.418e-06, eta: 13:42:02, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3358, decode.acc_seg: 86.7882, aux.loss_ce: 0.2074, aux.acc_seg: 81.3387, loss: 0.5433, grad_norm: 4.7019 2023-11-13 21:41:12,625 - mmseg - INFO - Iter [40950/160000] lr: 1.417e-06, eta: 13:41:39, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3262, decode.acc_seg: 86.7152, aux.loss_ce: 0.2031, aux.acc_seg: 81.0307, loss: 0.5292, grad_norm: 4.8558 2023-11-13 21:41:32,523 - mmseg - INFO - Saving checkpoint at 41000 iterations 2023-11-13 21:41:40,906 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:41:40,906 - mmseg - INFO - Iter [41000/160000] lr: 1.417e-06, eta: 13:41:41, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3337, decode.acc_seg: 86.8253, aux.loss_ce: 0.2086, aux.acc_seg: 80.5213, loss: 0.5424, grad_norm: 5.2308 2023-11-13 21:42:00,953 - mmseg - INFO - Iter [41050/160000] lr: 1.416e-06, eta: 13:41:18, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3209, decode.acc_seg: 87.2058, aux.loss_ce: 0.2093, aux.acc_seg: 81.0384, loss: 0.5302, grad_norm: 3.9610 2023-11-13 21:42:21,047 - mmseg - INFO - Iter [41100/160000] lr: 1.416e-06, eta: 13:40:56, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3233, decode.acc_seg: 86.7955, aux.loss_ce: 0.2138, aux.acc_seg: 80.4844, loss: 0.5371, grad_norm: 4.4506 2023-11-13 21:42:41,115 - mmseg - INFO - Iter [41150/160000] lr: 1.415e-06, eta: 13:40:33, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3303, decode.acc_seg: 86.8102, aux.loss_ce: 0.2083, aux.acc_seg: 80.9972, loss: 0.5387, grad_norm: 4.6958 2023-11-13 21:43:01,131 - mmseg - INFO - Iter [41200/160000] lr: 1.414e-06, eta: 13:40:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3338, decode.acc_seg: 86.8594, aux.loss_ce: 0.2167, aux.acc_seg: 80.6540, loss: 0.5506, grad_norm: 4.2174 2023-11-13 21:43:21,392 - mmseg - INFO - Iter [41250/160000] lr: 1.414e-06, eta: 13:39:48, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3043, decode.acc_seg: 87.4148, aux.loss_ce: 0.1976, aux.acc_seg: 81.0302, loss: 0.5019, grad_norm: 4.2870 2023-11-13 21:43:41,595 - mmseg - INFO - Iter [41300/160000] lr: 1.413e-06, eta: 13:39:26, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3295, decode.acc_seg: 87.2992, aux.loss_ce: 0.2154, aux.acc_seg: 80.4854, loss: 0.5448, grad_norm: 4.5736 2023-11-13 21:44:01,526 - mmseg - INFO - Iter [41350/160000] lr: 1.413e-06, eta: 13:39:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3161, decode.acc_seg: 87.2056, aux.loss_ce: 0.2016, aux.acc_seg: 81.2532, loss: 0.5177, grad_norm: 3.7933 2023-11-13 21:44:21,627 - mmseg - INFO - Iter [41400/160000] lr: 1.412e-06, eta: 13:38:41, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3260, decode.acc_seg: 87.3759, aux.loss_ce: 0.2164, aux.acc_seg: 80.5614, loss: 0.5423, grad_norm: 4.3736 2023-11-13 21:44:41,853 - mmseg - INFO - Iter [41450/160000] lr: 1.411e-06, eta: 13:38:19, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3075, decode.acc_seg: 87.3675, aux.loss_ce: 0.2029, aux.acc_seg: 81.1322, loss: 0.5104, grad_norm: 4.0879 2023-11-13 21:45:01,863 - mmseg - INFO - Iter [41500/160000] lr: 1.411e-06, eta: 13:37:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3536, decode.acc_seg: 86.0071, aux.loss_ce: 0.2212, aux.acc_seg: 80.0870, loss: 0.5748, grad_norm: 5.0105 2023-11-13 21:45:21,807 - mmseg - INFO - Iter [41550/160000] lr: 1.410e-06, eta: 13:37:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3260, decode.acc_seg: 86.9054, aux.loss_ce: 0.1994, aux.acc_seg: 81.6036, loss: 0.5254, grad_norm: 4.1655 2023-11-13 21:45:41,727 - mmseg - INFO - Iter [41600/160000] lr: 1.410e-06, eta: 13:37:10, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3253, decode.acc_seg: 87.1991, aux.loss_ce: 0.1999, aux.acc_seg: 81.6366, loss: 0.5252, grad_norm: 5.9472 2023-11-13 21:46:01,906 - mmseg - INFO - Iter [41650/160000] lr: 1.409e-06, eta: 13:36:48, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3302, decode.acc_seg: 86.9144, aux.loss_ce: 0.2192, aux.acc_seg: 80.1511, loss: 0.5494, grad_norm: 4.9618 2023-11-13 21:46:24,403 - mmseg - INFO - Iter [41700/160000] lr: 1.409e-06, eta: 13:36:32, time: 0.450, data_time: 0.049, memory: 16105, decode.loss_ce: 0.3104, decode.acc_seg: 87.3399, aux.loss_ce: 0.2085, aux.acc_seg: 80.4762, loss: 0.5189, grad_norm: 4.3726 2023-11-13 21:46:44,562 - mmseg - INFO - Iter [41750/160000] lr: 1.408e-06, eta: 13:36:10, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2966, decode.acc_seg: 87.8554, aux.loss_ce: 0.1909, aux.acc_seg: 81.9325, loss: 0.4874, grad_norm: 3.8839 2023-11-13 21:47:04,555 - mmseg - INFO - Iter [41800/160000] lr: 1.407e-06, eta: 13:35:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3146, decode.acc_seg: 87.6797, aux.loss_ce: 0.2070, aux.acc_seg: 80.9659, loss: 0.5215, grad_norm: 4.1232 2023-11-13 21:47:24,473 - mmseg - INFO - Iter [41850/160000] lr: 1.407e-06, eta: 13:35:24, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2960, decode.acc_seg: 88.1455, aux.loss_ce: 0.1972, aux.acc_seg: 81.9961, loss: 0.4932, grad_norm: 3.5805 2023-11-13 21:47:44,400 - mmseg - INFO - Iter [41900/160000] lr: 1.406e-06, eta: 13:35:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3264, decode.acc_seg: 86.6117, aux.loss_ce: 0.2076, aux.acc_seg: 80.6768, loss: 0.5340, grad_norm: 4.9175 2023-11-13 21:48:04,450 - mmseg - INFO - Iter [41950/160000] lr: 1.406e-06, eta: 13:34:39, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3114, decode.acc_seg: 87.5749, aux.loss_ce: 0.1989, aux.acc_seg: 81.3852, loss: 0.5103, grad_norm: 4.3773 2023-11-13 21:48:24,357 - mmseg - INFO - Saving checkpoint at 42000 iterations 2023-11-13 21:48:32,320 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:48:32,320 - mmseg - INFO - Iter [42000/160000] lr: 1.405e-06, eta: 13:34:38, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3057, decode.acc_seg: 87.9589, aux.loss_ce: 0.2026, aux.acc_seg: 81.5813, loss: 0.5083, grad_norm: 4.5088 2023-11-13 21:48:52,513 - mmseg - INFO - Iter [42050/160000] lr: 1.404e-06, eta: 13:34:16, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3360, decode.acc_seg: 86.4515, aux.loss_ce: 0.2085, aux.acc_seg: 80.6428, loss: 0.5445, grad_norm: 5.2644 2023-11-13 21:49:12,514 - mmseg - INFO - Iter [42100/160000] lr: 1.404e-06, eta: 13:33:53, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2989, decode.acc_seg: 88.0456, aux.loss_ce: 0.2035, aux.acc_seg: 81.1636, loss: 0.5024, grad_norm: 4.2647 2023-11-13 21:49:32,737 - mmseg - INFO - Iter [42150/160000] lr: 1.403e-06, eta: 13:33:31, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3141, decode.acc_seg: 87.2148, aux.loss_ce: 0.2044, aux.acc_seg: 80.6964, loss: 0.5185, grad_norm: 4.4095 2023-11-13 21:49:53,280 - mmseg - INFO - Iter [42200/160000] lr: 1.403e-06, eta: 13:33:10, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3179, decode.acc_seg: 87.4878, aux.loss_ce: 0.2062, aux.acc_seg: 81.6051, loss: 0.5242, grad_norm: 3.9817 2023-11-13 21:50:13,271 - mmseg - INFO - Iter [42250/160000] lr: 1.402e-06, eta: 13:32:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3003, decode.acc_seg: 87.9257, aux.loss_ce: 0.2017, aux.acc_seg: 81.0313, loss: 0.5020, grad_norm: 3.6161 2023-11-13 21:50:33,274 - mmseg - INFO - Iter [42300/160000] lr: 1.401e-06, eta: 13:32:25, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3183, decode.acc_seg: 87.0055, aux.loss_ce: 0.2021, aux.acc_seg: 81.0942, loss: 0.5204, grad_norm: 4.2705 2023-11-13 21:50:53,188 - mmseg - INFO - Iter [42350/160000] lr: 1.401e-06, eta: 13:32:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3390, decode.acc_seg: 86.2870, aux.loss_ce: 0.2104, aux.acc_seg: 80.5187, loss: 0.5495, grad_norm: 4.7193 2023-11-13 21:51:13,072 - mmseg - INFO - Iter [42400/160000] lr: 1.400e-06, eta: 13:31:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2975, decode.acc_seg: 88.1652, aux.loss_ce: 0.1956, aux.acc_seg: 82.0146, loss: 0.4930, grad_norm: 4.0469 2023-11-13 21:51:33,012 - mmseg - INFO - Iter [42450/160000] lr: 1.400e-06, eta: 13:31:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3111, decode.acc_seg: 87.5858, aux.loss_ce: 0.2056, aux.acc_seg: 81.4729, loss: 0.5167, grad_norm: 4.2554 2023-11-13 21:51:53,085 - mmseg - INFO - Iter [42500/160000] lr: 1.399e-06, eta: 13:30:54, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3266, decode.acc_seg: 86.7577, aux.loss_ce: 0.2114, aux.acc_seg: 80.6004, loss: 0.5380, grad_norm: 3.9902 2023-11-13 21:52:13,004 - mmseg - INFO - Iter [42550/160000] lr: 1.398e-06, eta: 13:30:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3056, decode.acc_seg: 87.5986, aux.loss_ce: 0.1981, aux.acc_seg: 81.5729, loss: 0.5038, grad_norm: 4.4387 2023-11-13 21:52:33,029 - mmseg - INFO - Iter [42600/160000] lr: 1.398e-06, eta: 13:30:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2890, decode.acc_seg: 88.3165, aux.loss_ce: 0.1889, aux.acc_seg: 82.2051, loss: 0.4779, grad_norm: 3.3474 2023-11-13 21:52:53,496 - mmseg - INFO - Iter [42650/160000] lr: 1.397e-06, eta: 13:29:47, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3171, decode.acc_seg: 87.8457, aux.loss_ce: 0.2080, aux.acc_seg: 81.3661, loss: 0.5250, grad_norm: 3.9921 2023-11-13 21:53:13,471 - mmseg - INFO - Iter [42700/160000] lr: 1.397e-06, eta: 13:29:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3197, decode.acc_seg: 87.3289, aux.loss_ce: 0.2095, aux.acc_seg: 80.9217, loss: 0.5292, grad_norm: 4.2455 2023-11-13 21:53:33,541 - mmseg - INFO - Iter [42750/160000] lr: 1.396e-06, eta: 13:29:02, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3173, decode.acc_seg: 87.3081, aux.loss_ce: 0.2057, aux.acc_seg: 81.0405, loss: 0.5230, grad_norm: 3.8387 2023-11-13 21:53:53,479 - mmseg - INFO - Iter [42800/160000] lr: 1.395e-06, eta: 13:28:39, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3274, decode.acc_seg: 86.8376, aux.loss_ce: 0.2150, aux.acc_seg: 80.7776, loss: 0.5424, grad_norm: 4.4280 2023-11-13 21:54:13,515 - mmseg - INFO - Iter [42850/160000] lr: 1.395e-06, eta: 13:28:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3299, decode.acc_seg: 87.1752, aux.loss_ce: 0.2181, aux.acc_seg: 80.3001, loss: 0.5479, grad_norm: 4.6530 2023-11-13 21:54:33,403 - mmseg - INFO - Iter [42900/160000] lr: 1.394e-06, eta: 13:27:53, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3187, decode.acc_seg: 86.9920, aux.loss_ce: 0.2130, aux.acc_seg: 80.2064, loss: 0.5317, grad_norm: 4.8658 2023-11-13 21:54:55,771 - mmseg - INFO - Iter [42950/160000] lr: 1.394e-06, eta: 13:27:37, time: 0.447, data_time: 0.053, memory: 16105, decode.loss_ce: 0.3019, decode.acc_seg: 87.7770, aux.loss_ce: 0.2024, aux.acc_seg: 81.1609, loss: 0.5043, grad_norm: 4.9144 2023-11-13 21:55:15,895 - mmseg - INFO - Saving checkpoint at 43000 iterations 2023-11-13 21:55:24,084 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 21:55:24,084 - mmseg - INFO - Iter [43000/160000] lr: 1.393e-06, eta: 13:27:37, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3170, decode.acc_seg: 87.2385, aux.loss_ce: 0.2016, aux.acc_seg: 81.1414, loss: 0.5186, grad_norm: 4.3679 2023-11-13 21:55:44,138 - mmseg - INFO - Iter [43050/160000] lr: 1.392e-06, eta: 13:27:15, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3011, decode.acc_seg: 87.8713, aux.loss_ce: 0.2050, aux.acc_seg: 81.0272, loss: 0.5060, grad_norm: 4.5027 2023-11-13 21:56:04,586 - mmseg - INFO - Iter [43100/160000] lr: 1.392e-06, eta: 13:26:53, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3058, decode.acc_seg: 87.6958, aux.loss_ce: 0.2037, aux.acc_seg: 81.2546, loss: 0.5095, grad_norm: 4.0393 2023-11-13 21:56:24,752 - mmseg - INFO - Iter [43150/160000] lr: 1.391e-06, eta: 13:26:31, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3068, decode.acc_seg: 87.6844, aux.loss_ce: 0.2060, aux.acc_seg: 80.7411, loss: 0.5129, grad_norm: 4.0655 2023-11-13 21:56:44,705 - mmseg - INFO - Iter [43200/160000] lr: 1.391e-06, eta: 13:26:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3144, decode.acc_seg: 87.2990, aux.loss_ce: 0.2052, aux.acc_seg: 80.8159, loss: 0.5196, grad_norm: 3.8849 2023-11-13 21:57:04,669 - mmseg - INFO - Iter [43250/160000] lr: 1.390e-06, eta: 13:25:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3206, decode.acc_seg: 87.0814, aux.loss_ce: 0.2101, aux.acc_seg: 80.7231, loss: 0.5307, grad_norm: 4.9418 2023-11-13 21:57:24,631 - mmseg - INFO - Iter [43300/160000] lr: 1.389e-06, eta: 13:25:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3148, decode.acc_seg: 87.4757, aux.loss_ce: 0.2089, aux.acc_seg: 80.5807, loss: 0.5237, grad_norm: 4.4724 2023-11-13 21:57:44,566 - mmseg - INFO - Iter [43350/160000] lr: 1.389e-06, eta: 13:25:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3075, decode.acc_seg: 87.5947, aux.loss_ce: 0.1966, aux.acc_seg: 81.6855, loss: 0.5041, grad_norm: 3.9823 2023-11-13 21:58:04,682 - mmseg - INFO - Iter [43400/160000] lr: 1.388e-06, eta: 13:24:38, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3136, decode.acc_seg: 87.2838, aux.loss_ce: 0.2063, aux.acc_seg: 81.0345, loss: 0.5198, grad_norm: 4.2348 2023-11-13 21:58:24,581 - mmseg - INFO - Iter [43450/160000] lr: 1.388e-06, eta: 13:24:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3203, decode.acc_seg: 87.4999, aux.loss_ce: 0.2073, aux.acc_seg: 81.3633, loss: 0.5276, grad_norm: 4.3422 2023-11-13 21:58:44,503 - mmseg - INFO - Iter [43500/160000] lr: 1.387e-06, eta: 13:23:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3090, decode.acc_seg: 87.9022, aux.loss_ce: 0.2024, aux.acc_seg: 81.9098, loss: 0.5114, grad_norm: 4.1867 2023-11-13 21:59:04,719 - mmseg - INFO - Iter [43550/160000] lr: 1.386e-06, eta: 13:23:30, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3162, decode.acc_seg: 87.2334, aux.loss_ce: 0.2053, aux.acc_seg: 81.1905, loss: 0.5216, grad_norm: 4.9032 2023-11-13 21:59:24,926 - mmseg - INFO - Iter [43600/160000] lr: 1.386e-06, eta: 13:23:08, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3053, decode.acc_seg: 87.9608, aux.loss_ce: 0.1990, aux.acc_seg: 81.3741, loss: 0.5043, grad_norm: 4.5865 2023-11-13 21:59:44,907 - mmseg - INFO - Iter [43650/160000] lr: 1.385e-06, eta: 13:22:46, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3203, decode.acc_seg: 87.3619, aux.loss_ce: 0.2140, aux.acc_seg: 80.7309, loss: 0.5343, grad_norm: 4.5219 2023-11-13 22:00:04,894 - mmseg - INFO - Iter [43700/160000] lr: 1.385e-06, eta: 13:22:23, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3136, decode.acc_seg: 87.5958, aux.loss_ce: 0.2053, aux.acc_seg: 81.3728, loss: 0.5188, grad_norm: 3.9206 2023-11-13 22:00:24,903 - mmseg - INFO - Iter [43750/160000] lr: 1.384e-06, eta: 13:22:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3080, decode.acc_seg: 87.5085, aux.loss_ce: 0.2098, aux.acc_seg: 80.4577, loss: 0.5178, grad_norm: 4.6554 2023-11-13 22:00:44,856 - mmseg - INFO - Iter [43800/160000] lr: 1.383e-06, eta: 13:21:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3154, decode.acc_seg: 87.5512, aux.loss_ce: 0.2064, aux.acc_seg: 81.2947, loss: 0.5218, grad_norm: 4.3684 2023-11-13 22:01:04,873 - mmseg - INFO - Iter [43850/160000] lr: 1.383e-06, eta: 13:21:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3129, decode.acc_seg: 87.3223, aux.loss_ce: 0.2009, aux.acc_seg: 81.2136, loss: 0.5138, grad_norm: 4.7029 2023-11-13 22:01:24,913 - mmseg - INFO - Iter [43900/160000] lr: 1.382e-06, eta: 13:20:53, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3052, decode.acc_seg: 87.3431, aux.loss_ce: 0.1959, aux.acc_seg: 81.4910, loss: 0.5011, grad_norm: 4.1831 2023-11-13 22:01:44,839 - mmseg - INFO - Iter [43950/160000] lr: 1.382e-06, eta: 13:20:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3274, decode.acc_seg: 86.9890, aux.loss_ce: 0.2076, aux.acc_seg: 81.0247, loss: 0.5349, grad_norm: 5.3405 2023-11-13 22:02:05,015 - mmseg - INFO - Saving checkpoint at 44000 iterations 2023-11-13 22:02:13,208 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:02:13,208 - mmseg - INFO - Iter [44000/160000] lr: 1.381e-06, eta: 13:20:30, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3005, decode.acc_seg: 88.2068, aux.loss_ce: 0.1966, aux.acc_seg: 81.5301, loss: 0.4971, grad_norm: 3.7162 2023-11-13 22:02:33,565 - mmseg - INFO - Iter [44050/160000] lr: 1.381e-06, eta: 13:20:08, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3095, decode.acc_seg: 87.8453, aux.loss_ce: 0.1911, aux.acc_seg: 82.4934, loss: 0.5006, grad_norm: 4.2326 2023-11-13 22:02:53,580 - mmseg - INFO - Iter [44100/160000] lr: 1.380e-06, eta: 13:19:46, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2988, decode.acc_seg: 87.9494, aux.loss_ce: 0.2004, aux.acc_seg: 81.6186, loss: 0.4992, grad_norm: 4.1593 2023-11-13 22:03:13,506 - mmseg - INFO - Iter [44150/160000] lr: 1.379e-06, eta: 13:19:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3143, decode.acc_seg: 87.0072, aux.loss_ce: 0.2009, aux.acc_seg: 81.4705, loss: 0.5152, grad_norm: 4.4432 2023-11-13 22:03:33,417 - mmseg - INFO - Iter [44200/160000] lr: 1.379e-06, eta: 13:19:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2991, decode.acc_seg: 87.5086, aux.loss_ce: 0.1954, aux.acc_seg: 81.5229, loss: 0.4944, grad_norm: 4.2680 2023-11-13 22:03:55,615 - mmseg - INFO - Iter [44250/160000] lr: 1.378e-06, eta: 13:18:43, time: 0.444, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2891, decode.acc_seg: 88.4136, aux.loss_ce: 0.1957, aux.acc_seg: 82.0203, loss: 0.4849, grad_norm: 3.7547 2023-11-13 22:04:15,611 - mmseg - INFO - Iter [44300/160000] lr: 1.378e-06, eta: 13:18:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3131, decode.acc_seg: 87.4060, aux.loss_ce: 0.2075, aux.acc_seg: 80.6750, loss: 0.5206, grad_norm: 4.5103 2023-11-13 22:04:35,604 - mmseg - INFO - Iter [44350/160000] lr: 1.377e-06, eta: 13:17:58, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3167, decode.acc_seg: 87.6447, aux.loss_ce: 0.2030, aux.acc_seg: 81.6369, loss: 0.5197, grad_norm: 4.1537 2023-11-13 22:04:55,621 - mmseg - INFO - Iter [44400/160000] lr: 1.376e-06, eta: 13:17:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2983, decode.acc_seg: 88.1361, aux.loss_ce: 0.1955, aux.acc_seg: 81.8884, loss: 0.4938, grad_norm: 4.5885 2023-11-13 22:05:15,765 - mmseg - INFO - Iter [44450/160000] lr: 1.376e-06, eta: 13:17:14, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3177, decode.acc_seg: 87.1555, aux.loss_ce: 0.2070, aux.acc_seg: 80.9675, loss: 0.5247, grad_norm: 5.1679 2023-11-13 22:05:36,089 - mmseg - INFO - Iter [44500/160000] lr: 1.375e-06, eta: 13:16:52, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3116, decode.acc_seg: 87.3953, aux.loss_ce: 0.2059, aux.acc_seg: 80.9305, loss: 0.5175, grad_norm: 4.3713 2023-11-13 22:05:56,087 - mmseg - INFO - Iter [44550/160000] lr: 1.375e-06, eta: 13:16:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3001, decode.acc_seg: 87.9521, aux.loss_ce: 0.1997, aux.acc_seg: 81.8306, loss: 0.4998, grad_norm: 4.3400 2023-11-13 22:06:16,004 - mmseg - INFO - Iter [44600/160000] lr: 1.374e-06, eta: 13:16:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3035, decode.acc_seg: 87.9649, aux.loss_ce: 0.1924, aux.acc_seg: 82.7277, loss: 0.4958, grad_norm: 4.0647 2023-11-13 22:06:35,895 - mmseg - INFO - Iter [44650/160000] lr: 1.373e-06, eta: 13:15:44, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2951, decode.acc_seg: 88.6330, aux.loss_ce: 0.1943, aux.acc_seg: 82.8917, loss: 0.4895, grad_norm: 4.1396 2023-11-13 22:06:55,905 - mmseg - INFO - Iter [44700/160000] lr: 1.373e-06, eta: 13:15:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3016, decode.acc_seg: 87.6946, aux.loss_ce: 0.1992, aux.acc_seg: 81.5073, loss: 0.5007, grad_norm: 4.2514 2023-11-13 22:07:15,870 - mmseg - INFO - Iter [44750/160000] lr: 1.372e-06, eta: 13:14:59, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3098, decode.acc_seg: 87.5474, aux.loss_ce: 0.1983, aux.acc_seg: 81.6562, loss: 0.5081, grad_norm: 5.0561 2023-11-13 22:07:35,889 - mmseg - INFO - Iter [44800/160000] lr: 1.372e-06, eta: 13:14:37, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3076, decode.acc_seg: 87.8642, aux.loss_ce: 0.2057, aux.acc_seg: 81.5067, loss: 0.5133, grad_norm: 3.8499 2023-11-13 22:07:55,774 - mmseg - INFO - Iter [44850/160000] lr: 1.371e-06, eta: 13:14:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3049, decode.acc_seg: 87.8626, aux.loss_ce: 0.2001, aux.acc_seg: 81.8152, loss: 0.5050, grad_norm: 5.2084 2023-11-13 22:08:15,770 - mmseg - INFO - Iter [44900/160000] lr: 1.370e-06, eta: 13:13:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3042, decode.acc_seg: 87.2939, aux.loss_ce: 0.2056, aux.acc_seg: 80.8366, loss: 0.5099, grad_norm: 4.7189 2023-11-13 22:08:36,188 - mmseg - INFO - Iter [44950/160000] lr: 1.370e-06, eta: 13:13:30, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3239, decode.acc_seg: 86.8090, aux.loss_ce: 0.2048, aux.acc_seg: 80.8994, loss: 0.5287, grad_norm: 4.2036 2023-11-13 22:08:56,215 - mmseg - INFO - Saving checkpoint at 45000 iterations 2023-11-13 22:09:04,476 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:09:04,476 - mmseg - INFO - Iter [45000/160000] lr: 1.369e-06, eta: 13:13:29, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3335, decode.acc_seg: 86.8420, aux.loss_ce: 0.2060, aux.acc_seg: 80.5322, loss: 0.5395, grad_norm: 5.2779 2023-11-13 22:09:24,385 - mmseg - INFO - Iter [45050/160000] lr: 1.369e-06, eta: 13:13:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3188, decode.acc_seg: 87.6903, aux.loss_ce: 0.2044, aux.acc_seg: 81.4063, loss: 0.5232, grad_norm: 5.0026 2023-11-13 22:09:44,312 - mmseg - INFO - Iter [45100/160000] lr: 1.368e-06, eta: 13:12:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2862, decode.acc_seg: 88.0647, aux.loss_ce: 0.1905, aux.acc_seg: 81.9604, loss: 0.4767, grad_norm: 3.9159 2023-11-13 22:10:04,336 - mmseg - INFO - Iter [45150/160000] lr: 1.367e-06, eta: 13:12:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3000, decode.acc_seg: 88.0069, aux.loss_ce: 0.2011, aux.acc_seg: 80.8950, loss: 0.5010, grad_norm: 4.6252 2023-11-13 22:10:24,514 - mmseg - INFO - Iter [45200/160000] lr: 1.367e-06, eta: 13:11:59, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3239, decode.acc_seg: 87.1819, aux.loss_ce: 0.2138, aux.acc_seg: 81.0399, loss: 0.5376, grad_norm: 4.4840 2023-11-13 22:10:44,379 - mmseg - INFO - Iter [45250/160000] lr: 1.366e-06, eta: 13:11:36, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3203, decode.acc_seg: 87.1506, aux.loss_ce: 0.2097, aux.acc_seg: 80.6700, loss: 0.5300, grad_norm: 4.6675 2023-11-13 22:11:04,293 - mmseg - INFO - Iter [45300/160000] lr: 1.366e-06, eta: 13:11:13, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3257, decode.acc_seg: 87.3806, aux.loss_ce: 0.2133, aux.acc_seg: 81.2576, loss: 0.5390, grad_norm: 5.6691 2023-11-13 22:11:24,252 - mmseg - INFO - Iter [45350/160000] lr: 1.365e-06, eta: 13:10:51, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2977, decode.acc_seg: 88.0839, aux.loss_ce: 0.1966, aux.acc_seg: 81.6167, loss: 0.4943, grad_norm: 4.9466 2023-11-13 22:11:44,554 - mmseg - INFO - Iter [45400/160000] lr: 1.364e-06, eta: 13:10:29, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2989, decode.acc_seg: 87.8720, aux.loss_ce: 0.2013, aux.acc_seg: 81.2130, loss: 0.5001, grad_norm: 4.5233 2023-11-13 22:12:04,625 - mmseg - INFO - Iter [45450/160000] lr: 1.364e-06, eta: 13:10:07, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3067, decode.acc_seg: 87.5480, aux.loss_ce: 0.2033, aux.acc_seg: 81.1776, loss: 0.5100, grad_norm: 4.1527 2023-11-13 22:12:26,863 - mmseg - INFO - Iter [45500/160000] lr: 1.363e-06, eta: 13:09:50, time: 0.445, data_time: 0.052, memory: 16105, decode.loss_ce: 0.3125, decode.acc_seg: 87.6537, aux.loss_ce: 0.2109, aux.acc_seg: 80.7473, loss: 0.5234, grad_norm: 4.8471 2023-11-13 22:12:46,905 - mmseg - INFO - Iter [45550/160000] lr: 1.363e-06, eta: 13:09:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2978, decode.acc_seg: 87.7664, aux.loss_ce: 0.2043, aux.acc_seg: 80.9119, loss: 0.5022, grad_norm: 5.0981 2023-11-13 22:13:06,787 - mmseg - INFO - Iter [45600/160000] lr: 1.362e-06, eta: 13:09:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3008, decode.acc_seg: 87.8901, aux.loss_ce: 0.1955, aux.acc_seg: 81.8536, loss: 0.4963, grad_norm: 4.0279 2023-11-13 22:13:26,883 - mmseg - INFO - Iter [45650/160000] lr: 1.361e-06, eta: 13:08:43, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3222, decode.acc_seg: 87.2656, aux.loss_ce: 0.2062, aux.acc_seg: 81.2593, loss: 0.5284, grad_norm: 4.9625 2023-11-13 22:13:46,945 - mmseg - INFO - Iter [45700/160000] lr: 1.361e-06, eta: 13:08:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3020, decode.acc_seg: 87.5753, aux.loss_ce: 0.2017, aux.acc_seg: 81.1720, loss: 0.5037, grad_norm: 4.1571 2023-11-13 22:14:06,899 - mmseg - INFO - Iter [45750/160000] lr: 1.360e-06, eta: 13:07:58, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3194, decode.acc_seg: 87.1781, aux.loss_ce: 0.2134, aux.acc_seg: 80.4986, loss: 0.5328, grad_norm: 4.9881 2023-11-13 22:14:26,827 - mmseg - INFO - Iter [45800/160000] lr: 1.360e-06, eta: 13:07:35, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2945, decode.acc_seg: 87.9411, aux.loss_ce: 0.2031, aux.acc_seg: 81.1381, loss: 0.4976, grad_norm: 4.3432 2023-11-13 22:14:47,082 - mmseg - INFO - Iter [45850/160000] lr: 1.359e-06, eta: 13:07:14, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3153, decode.acc_seg: 87.5138, aux.loss_ce: 0.2025, aux.acc_seg: 80.7882, loss: 0.5178, grad_norm: 5.3005 2023-11-13 22:15:07,137 - mmseg - INFO - Iter [45900/160000] lr: 1.358e-06, eta: 13:06:51, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2926, decode.acc_seg: 88.2226, aux.loss_ce: 0.1910, aux.acc_seg: 82.4063, loss: 0.4836, grad_norm: 4.2564 2023-11-13 22:15:27,155 - mmseg - INFO - Iter [45950/160000] lr: 1.358e-06, eta: 13:06:29, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3016, decode.acc_seg: 88.0147, aux.loss_ce: 0.1942, aux.acc_seg: 82.2702, loss: 0.4958, grad_norm: 4.9385 2023-11-13 22:15:47,275 - mmseg - INFO - Saving checkpoint at 46000 iterations 2023-11-13 22:15:55,722 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:15:55,723 - mmseg - INFO - Iter [46000/160000] lr: 1.357e-06, eta: 13:06:28, time: 0.571, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2806, decode.acc_seg: 88.5059, aux.loss_ce: 0.1910, aux.acc_seg: 82.1833, loss: 0.4716, grad_norm: 3.9363 2023-11-13 22:16:15,793 - mmseg - INFO - Iter [46050/160000] lr: 1.357e-06, eta: 13:06:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3170, decode.acc_seg: 87.2745, aux.loss_ce: 0.2110, aux.acc_seg: 80.5045, loss: 0.5280, grad_norm: 4.3794 2023-11-13 22:16:35,745 - mmseg - INFO - Iter [46100/160000] lr: 1.356e-06, eta: 13:05:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3317, decode.acc_seg: 87.0766, aux.loss_ce: 0.2159, aux.acc_seg: 80.2176, loss: 0.5476, grad_norm: 4.7450 2023-11-13 22:16:55,835 - mmseg - INFO - Iter [46150/160000] lr: 1.356e-06, eta: 13:05:21, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2850, decode.acc_seg: 88.4570, aux.loss_ce: 0.1873, aux.acc_seg: 82.5525, loss: 0.4723, grad_norm: 4.6789 2023-11-13 22:17:15,754 - mmseg - INFO - Iter [46200/160000] lr: 1.355e-06, eta: 13:04:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3204, decode.acc_seg: 87.4444, aux.loss_ce: 0.2092, aux.acc_seg: 80.5917, loss: 0.5296, grad_norm: 4.7932 2023-11-13 22:17:35,697 - mmseg - INFO - Iter [46250/160000] lr: 1.354e-06, eta: 13:04:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2947, decode.acc_seg: 88.1046, aux.loss_ce: 0.1912, aux.acc_seg: 82.1447, loss: 0.4858, grad_norm: 4.1288 2023-11-13 22:17:55,861 - mmseg - INFO - Iter [46300/160000] lr: 1.354e-06, eta: 13:04:14, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3118, decode.acc_seg: 87.3054, aux.loss_ce: 0.2040, aux.acc_seg: 81.5536, loss: 0.5158, grad_norm: 4.5377 2023-11-13 22:18:16,065 - mmseg - INFO - Iter [46350/160000] lr: 1.353e-06, eta: 13:03:52, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3090, decode.acc_seg: 87.5783, aux.loss_ce: 0.2029, aux.acc_seg: 81.6153, loss: 0.5119, grad_norm: 3.9672 2023-11-13 22:18:36,025 - mmseg - INFO - Iter [46400/160000] lr: 1.353e-06, eta: 13:03:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3057, decode.acc_seg: 87.9215, aux.loss_ce: 0.1999, aux.acc_seg: 81.6284, loss: 0.5056, grad_norm: 4.4472 2023-11-13 22:18:56,000 - mmseg - INFO - Iter [46450/160000] lr: 1.352e-06, eta: 13:03:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3035, decode.acc_seg: 87.5568, aux.loss_ce: 0.1973, aux.acc_seg: 81.4942, loss: 0.5008, grad_norm: 4.3375 2023-11-13 22:19:15,965 - mmseg - INFO - Iter [46500/160000] lr: 1.351e-06, eta: 13:02:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3055, decode.acc_seg: 87.5915, aux.loss_ce: 0.2047, aux.acc_seg: 80.8604, loss: 0.5102, grad_norm: 4.5752 2023-11-13 22:19:36,000 - mmseg - INFO - Iter [46550/160000] lr: 1.351e-06, eta: 13:02:22, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3081, decode.acc_seg: 87.9007, aux.loss_ce: 0.1996, aux.acc_seg: 81.5167, loss: 0.5077, grad_norm: 5.5411 2023-11-13 22:19:55,954 - mmseg - INFO - Iter [46600/160000] lr: 1.350e-06, eta: 13:02:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3035, decode.acc_seg: 87.8565, aux.loss_ce: 0.2028, aux.acc_seg: 81.5216, loss: 0.5063, grad_norm: 3.8428 2023-11-13 22:20:15,868 - mmseg - INFO - Iter [46650/160000] lr: 1.350e-06, eta: 13:01:37, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2972, decode.acc_seg: 88.2725, aux.loss_ce: 0.1940, aux.acc_seg: 82.2124, loss: 0.4912, grad_norm: 4.1824 2023-11-13 22:20:35,852 - mmseg - INFO - Iter [46700/160000] lr: 1.349e-06, eta: 13:01:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2887, decode.acc_seg: 88.5600, aux.loss_ce: 0.1861, aux.acc_seg: 83.0460, loss: 0.4748, grad_norm: 3.6878 2023-11-13 22:20:58,375 - mmseg - INFO - Iter [46750/160000] lr: 1.348e-06, eta: 13:00:58, time: 0.450, data_time: 0.049, memory: 16105, decode.loss_ce: 0.3160, decode.acc_seg: 87.3782, aux.loss_ce: 0.2037, aux.acc_seg: 80.6171, loss: 0.5196, grad_norm: 4.6672 2023-11-13 22:21:18,720 - mmseg - INFO - Iter [46800/160000] lr: 1.348e-06, eta: 13:00:37, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3073, decode.acc_seg: 87.9659, aux.loss_ce: 0.2039, aux.acc_seg: 81.2743, loss: 0.5112, grad_norm: 3.7354 2023-11-13 22:21:38,719 - mmseg - INFO - Iter [46850/160000] lr: 1.347e-06, eta: 13:00:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2939, decode.acc_seg: 88.1039, aux.loss_ce: 0.2051, aux.acc_seg: 81.6501, loss: 0.4989, grad_norm: 4.0273 2023-11-13 22:21:58,619 - mmseg - INFO - Iter [46900/160000] lr: 1.347e-06, eta: 12:59:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2899, decode.acc_seg: 87.9128, aux.loss_ce: 0.1937, aux.acc_seg: 81.6435, loss: 0.4835, grad_norm: 5.0565 2023-11-13 22:22:18,514 - mmseg - INFO - Iter [46950/160000] lr: 1.346e-06, eta: 12:59:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2970, decode.acc_seg: 88.1862, aux.loss_ce: 0.2041, aux.acc_seg: 81.3663, loss: 0.5011, grad_norm: 4.1152 2023-11-13 22:22:38,376 - mmseg - INFO - Saving checkpoint at 47000 iterations 2023-11-13 22:22:46,219 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:22:46,219 - mmseg - INFO - Iter [47000/160000] lr: 1.345e-06, eta: 12:59:26, time: 0.554, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2918, decode.acc_seg: 88.4534, aux.loss_ce: 0.1968, aux.acc_seg: 82.5011, loss: 0.4886, grad_norm: 4.1211 2023-11-13 22:23:06,145 - mmseg - INFO - Iter [47050/160000] lr: 1.345e-06, eta: 12:59:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3039, decode.acc_seg: 87.9240, aux.loss_ce: 0.2004, aux.acc_seg: 81.7014, loss: 0.5042, grad_norm: 4.7183 2023-11-13 22:23:26,143 - mmseg - INFO - Iter [47100/160000] lr: 1.344e-06, eta: 12:58:41, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3028, decode.acc_seg: 87.4472, aux.loss_ce: 0.1955, aux.acc_seg: 81.7036, loss: 0.4983, grad_norm: 4.6450 2023-11-13 22:23:46,183 - mmseg - INFO - Iter [47150/160000] lr: 1.344e-06, eta: 12:58:18, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2924, decode.acc_seg: 88.1029, aux.loss_ce: 0.1918, aux.acc_seg: 82.0387, loss: 0.4842, grad_norm: 3.8058 2023-11-13 22:24:06,127 - mmseg - INFO - Iter [47200/160000] lr: 1.343e-06, eta: 12:57:56, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2883, decode.acc_seg: 88.4161, aux.loss_ce: 0.1974, aux.acc_seg: 82.1192, loss: 0.4857, grad_norm: 4.0049 2023-11-13 22:24:26,696 - mmseg - INFO - Iter [47250/160000] lr: 1.342e-06, eta: 12:57:35, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3078, decode.acc_seg: 87.6788, aux.loss_ce: 0.1990, aux.acc_seg: 81.6342, loss: 0.5068, grad_norm: 4.0189 2023-11-13 22:24:46,694 - mmseg - INFO - Iter [47300/160000] lr: 1.342e-06, eta: 12:57:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3000, decode.acc_seg: 87.9294, aux.loss_ce: 0.1960, aux.acc_seg: 82.0131, loss: 0.4960, grad_norm: 4.5587 2023-11-13 22:25:06,583 - mmseg - INFO - Iter [47350/160000] lr: 1.341e-06, eta: 12:56:50, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3018, decode.acc_seg: 88.0441, aux.loss_ce: 0.1944, aux.acc_seg: 82.1287, loss: 0.4962, grad_norm: 4.3240 2023-11-13 22:25:26,461 - mmseg - INFO - Iter [47400/160000] lr: 1.341e-06, eta: 12:56:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2809, decode.acc_seg: 88.6343, aux.loss_ce: 0.1958, aux.acc_seg: 81.7617, loss: 0.4767, grad_norm: 4.6396 2023-11-13 22:25:46,407 - mmseg - INFO - Iter [47450/160000] lr: 1.340e-06, eta: 12:56:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2999, decode.acc_seg: 87.8658, aux.loss_ce: 0.2011, aux.acc_seg: 81.4214, loss: 0.5010, grad_norm: 3.9724 2023-11-13 22:26:06,318 - mmseg - INFO - Iter [47500/160000] lr: 1.339e-06, eta: 12:55:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3276, decode.acc_seg: 87.4641, aux.loss_ce: 0.2052, aux.acc_seg: 81.4811, loss: 0.5328, grad_norm: 4.7465 2023-11-13 22:26:26,309 - mmseg - INFO - Iter [47550/160000] lr: 1.339e-06, eta: 12:55:20, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3142, decode.acc_seg: 87.4482, aux.loss_ce: 0.1960, aux.acc_seg: 82.0002, loss: 0.5101, grad_norm: 4.4738 2023-11-13 22:26:46,242 - mmseg - INFO - Iter [47600/160000] lr: 1.338e-06, eta: 12:54:58, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3004, decode.acc_seg: 88.0408, aux.loss_ce: 0.2032, aux.acc_seg: 81.1043, loss: 0.5036, grad_norm: 4.4854 2023-11-13 22:27:06,253 - mmseg - INFO - Iter [47650/160000] lr: 1.338e-06, eta: 12:54:35, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3155, decode.acc_seg: 87.3496, aux.loss_ce: 0.2012, aux.acc_seg: 81.3109, loss: 0.5167, grad_norm: 5.3344 2023-11-13 22:27:26,590 - mmseg - INFO - Iter [47700/160000] lr: 1.337e-06, eta: 12:54:14, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2980, decode.acc_seg: 87.9230, aux.loss_ce: 0.2013, aux.acc_seg: 81.5655, loss: 0.4993, grad_norm: 3.9921 2023-11-13 22:27:46,679 - mmseg - INFO - Iter [47750/160000] lr: 1.336e-06, eta: 12:53:52, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2995, decode.acc_seg: 88.6297, aux.loss_ce: 0.2014, aux.acc_seg: 81.7444, loss: 0.5009, grad_norm: 4.0659 2023-11-13 22:28:06,587 - mmseg - INFO - Iter [47800/160000] lr: 1.336e-06, eta: 12:53:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2921, decode.acc_seg: 88.1895, aux.loss_ce: 0.1971, aux.acc_seg: 81.5971, loss: 0.4891, grad_norm: 3.9491 2023-11-13 22:28:26,542 - mmseg - INFO - Iter [47850/160000] lr: 1.335e-06, eta: 12:53:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2880, decode.acc_seg: 88.0389, aux.loss_ce: 0.1908, aux.acc_seg: 82.0437, loss: 0.4788, grad_norm: 4.5689 2023-11-13 22:28:46,470 - mmseg - INFO - Iter [47900/160000] lr: 1.335e-06, eta: 12:52:45, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3131, decode.acc_seg: 87.5096, aux.loss_ce: 0.2050, aux.acc_seg: 81.5417, loss: 0.5181, grad_norm: 3.9725 2023-11-13 22:29:06,438 - mmseg - INFO - Iter [47950/160000] lr: 1.334e-06, eta: 12:52:22, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2996, decode.acc_seg: 88.1641, aux.loss_ce: 0.2077, aux.acc_seg: 81.3041, loss: 0.5073, grad_norm: 4.0513 2023-11-13 22:29:28,656 - mmseg - INFO - Saving checkpoint at 48000 iterations 2023-11-13 22:29:36,765 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:29:36,765 - mmseg - INFO - Iter [48000/160000] lr: 1.333e-06, eta: 12:52:24, time: 0.607, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2992, decode.acc_seg: 88.1694, aux.loss_ce: 0.1939, aux.acc_seg: 82.6437, loss: 0.4931, grad_norm: 3.8534 2023-11-13 22:29:53,212 - mmseg - INFO - per class results: 2023-11-13 22:29:53,217 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 79.96 | 87.77 | | building | 84.45 | 92.76 | | sky | 94.74 | 97.52 | | floor | 83.26 | 89.84 | | tree | 76.47 | 89.1 | | ceiling | 84.92 | 91.22 | | road | 84.93 | 91.06 | | bed | 91.63 | 97.0 | | windowpane | 64.06 | 80.44 | | grass | 67.22 | 83.18 | | cabinet | 61.65 | 71.93 | | sidewalk | 67.63 | 82.02 | | person | 83.23 | 92.73 | | earth | 37.64 | 47.83 | | door | 56.03 | 79.4 | | table | 64.62 | 75.62 | | mountain | 61.67 | 76.15 | | plant | 55.26 | 66.01 | | curtain | 78.73 | 89.82 | | chair | 62.19 | 74.58 | | car | 87.07 | 94.02 | | water | 65.65 | 78.49 | | painting | 74.66 | 89.39 | | sofa | 74.39 | 89.33 | | shelf | 45.78 | 61.71 | | house | 51.24 | 67.18 | | sea | 72.66 | 84.65 | | mirror | 72.85 | 83.41 | | rug | 67.11 | 83.55 | | field | 33.94 | 56.81 | | armchair | 48.72 | 68.28 | | seat | 63.37 | 85.91 | | fence | 50.75 | 69.2 | | desk | 49.61 | 76.64 | | rock | 53.95 | 78.36 | | wardrobe | 44.99 | 72.01 | | lamp | 65.84 | 77.61 | | bathtub | 80.34 | 85.66 | | railing | 41.81 | 59.94 | | cushion | 63.2 | 72.7 | | base | 45.25 | 61.21 | | box | 32.62 | 39.78 | | column | 55.02 | 66.19 | | signboard | 39.53 | 51.55 | | chest of drawers | 42.47 | 66.44 | | counter | 46.05 | 57.45 | | sand | 60.85 | 83.1 | | sink | 78.71 | 86.6 | | skyscraper | 61.73 | 78.45 | | fireplace | 71.31 | 89.97 | | refrigerator | 74.79 | 82.97 | | grandstand | 44.45 | 82.56 | | path | 24.65 | 39.32 | | stairs | 33.61 | 44.6 | | runway | 70.04 | 96.61 | | case | 58.46 | 86.03 | | pool table | 92.99 | 97.97 | | pillow | 61.69 | 74.45 | | screen door | 76.89 | 88.82 | | stairway | 36.45 | 42.58 | | river | 10.24 | 22.25 | | bridge | 65.56 | 75.35 | | bookcase | 36.15 | 60.71 | | blind | 41.9 | 47.12 | | coffee table | 59.68 | 87.33 | | toilet | 88.04 | 93.89 | | flower | 43.13 | 54.23 | | book | 48.55 | 77.99 | | hill | 10.44 | 14.94 | | bench | 58.51 | 70.94 | | countertop | 60.46 | 76.72 | | stove | 78.01 | 86.75 | | palm | 54.16 | 81.94 | | kitchen island | 35.75 | 82.47 | | computer | 74.12 | 89.48 | | swivel chair | 55.79 | 80.85 | | boat | 59.96 | 86.44 | | bar | 53.3 | 65.9 | | arcade machine | 88.44 | 94.32 | | hovel | 68.15 | 78.29 | | bus | 87.67 | 96.88 | | towel | 68.05 | 88.54 | | light | 55.1 | 67.37 | | truck | 41.2 | 53.73 | | tower | 36.62 | 61.34 | | chandelier | 67.96 | 85.78 | | awning | 36.71 | 41.85 | | streetlight | 32.29 | 43.72 | | booth | 36.68 | 44.47 | | television receiver | 78.65 | 86.85 | | airplane | 65.88 | 71.22 | | dirt track | 13.62 | 41.32 | | apparel | 51.36 | 67.72 | | pole | 28.22 | 38.35 | | land | 2.26 | 4.15 | | bannister | 16.84 | 21.91 | | escalator | 54.23 | 82.08 | | ottoman | 53.54 | 75.23 | | bottle | 41.41 | 72.67 | | buffet | 49.61 | 59.67 | | poster | 31.02 | 39.55 | | stage | 17.48 | 36.25 | | van | 43.27 | 56.42 | | ship | 54.69 | 62.67 | | fountain | 33.91 | 35.34 | | conveyer belt | 82.67 | 95.81 | | canopy | 43.23 | 63.57 | | washer | 84.51 | 89.27 | | plaything | 48.58 | 63.66 | | swimming pool | 61.61 | 78.18 | | stool | 45.28 | 60.77 | | barrel | 69.72 | 88.54 | | basket | 42.15 | 52.84 | | waterfall | 72.56 | 85.78 | | tent | 95.55 | 98.61 | | bag | 19.4 | 21.41 | | minibike | 74.93 | 89.09 | | cradle | 82.73 | 98.21 | | oven | 53.87 | 64.66 | | ball | 56.01 | 69.57 | | food | 50.06 | 63.22 | | step | 13.01 | 15.68 | | tank | 59.92 | 67.9 | | trade name | 21.59 | 23.36 | | microwave | 85.34 | 96.54 | | pot | 50.09 | 58.75 | | animal | 60.57 | 63.35 | | bicycle | 59.59 | 83.78 | | lake | 67.75 | 92.13 | | dishwasher | 66.84 | 77.76 | | screen | 52.38 | 87.41 | | blanket | 18.92 | 22.68 | | sculpture | 72.41 | 84.66 | | hood | 60.07 | 71.43 | | sconce | 48.79 | 59.09 | | vase | 41.53 | 55.65 | | traffic light | 34.32 | 48.55 | | tray | 5.34 | 5.99 | | ashcan | 46.37 | 65.07 | | fan | 61.66 | 82.05 | | pier | 34.47 | 47.32 | | crt screen | 5.94 | 14.35 | | plate | 57.42 | 78.48 | | monitor | 11.3 | 15.17 | | bulletin board | 50.16 | 68.72 | | shower | 0.0 | 0.0 | | radiator | 63.69 | 71.96 | | glass | 15.63 | 16.64 | | clock | 43.57 | 48.99 | | flag | 63.4 | 69.88 | +---------------------+-------+-------+ 2023-11-13 22:29:53,217 - mmseg - INFO - Summary: 2023-11-13 22:29:53,217 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 84.87 | 54.66 | 68.31 | +-------+-------+-------+ 2023-11-13 22:29:53,240 - mmseg - INFO - The previous best checkpoint /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k/best_mIoU_iter_32000.pth was removed 2023-11-13 22:30:01,007 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_48000.pth. 2023-11-13 22:30:01,008 - mmseg - INFO - Best mIoU is 0.5466 at 48000 iter. 2023-11-13 22:30:01,009 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:30:01,009 - mmseg - INFO - Iter(val) [250] aAcc: 0.8487, mIoU: 0.5466, mAcc: 0.6831, IoU.wall: 0.7996, IoU.building: 0.8445, IoU.sky: 0.9474, IoU.floor: 0.8326, IoU.tree: 0.7647, IoU.ceiling: 0.8492, IoU.road: 0.8493, IoU.bed : 0.9163, IoU.windowpane: 0.6406, IoU.grass: 0.6722, IoU.cabinet: 0.6165, IoU.sidewalk: 0.6763, IoU.person: 0.8323, IoU.earth: 0.3764, IoU.door: 0.5603, IoU.table: 0.6462, IoU.mountain: 0.6167, IoU.plant: 0.5526, IoU.curtain: 0.7873, IoU.chair: 0.6219, IoU.car: 0.8707, IoU.water: 0.6565, IoU.painting: 0.7466, IoU.sofa: 0.7439, IoU.shelf: 0.4578, IoU.house: 0.5124, IoU.sea: 0.7266, IoU.mirror: 0.7285, IoU.rug: 0.6711, IoU.field: 0.3394, IoU.armchair: 0.4872, IoU.seat: 0.6337, IoU.fence: 0.5075, IoU.desk: 0.4961, IoU.rock: 0.5395, IoU.wardrobe: 0.4499, IoU.lamp: 0.6584, IoU.bathtub: 0.8034, IoU.railing: 0.4181, IoU.cushion: 0.6320, IoU.base: 0.4525, IoU.box: 0.3262, IoU.column: 0.5502, IoU.signboard: 0.3953, IoU.chest of drawers: 0.4247, IoU.counter: 0.4605, IoU.sand: 0.6085, IoU.sink: 0.7871, IoU.skyscraper: 0.6173, IoU.fireplace: 0.7131, IoU.refrigerator: 0.7479, IoU.grandstand: 0.4445, IoU.path: 0.2465, IoU.stairs: 0.3361, IoU.runway: 0.7004, IoU.case: 0.5846, IoU.pool table: 0.9299, IoU.pillow: 0.6169, IoU.screen door: 0.7689, IoU.stairway: 0.3645, IoU.river: 0.1024, IoU.bridge: 0.6556, IoU.bookcase: 0.3615, IoU.blind: 0.4190, IoU.coffee table: 0.5968, IoU.toilet: 0.8804, IoU.flower: 0.4313, IoU.book: 0.4855, IoU.hill: 0.1044, IoU.bench: 0.5851, IoU.countertop: 0.6046, IoU.stove: 0.7801, IoU.palm: 0.5416, IoU.kitchen island: 0.3575, IoU.computer: 0.7412, IoU.swivel chair: 0.5579, IoU.boat: 0.5996, IoU.bar: 0.5330, IoU.arcade machine: 0.8844, IoU.hovel: 0.6815, IoU.bus: 0.8767, IoU.towel: 0.6805, IoU.light: 0.5510, IoU.truck: 0.4120, IoU.tower: 0.3662, IoU.chandelier: 0.6796, IoU.awning: 0.3671, IoU.streetlight: 0.3229, IoU.booth: 0.3668, IoU.television receiver: 0.7865, IoU.airplane: 0.6588, IoU.dirt track: 0.1362, IoU.apparel: 0.5136, IoU.pole: 0.2822, IoU.land: 0.0226, IoU.bannister: 0.1684, IoU.escalator: 0.5423, IoU.ottoman: 0.5354, IoU.bottle: 0.4141, IoU.buffet: 0.4961, IoU.poster: 0.3102, IoU.stage: 0.1748, IoU.van: 0.4327, IoU.ship: 0.5469, IoU.fountain: 0.3391, IoU.conveyer belt: 0.8267, IoU.canopy: 0.4323, IoU.washer: 0.8451, IoU.plaything: 0.4858, IoU.swimming pool: 0.6161, IoU.stool: 0.4528, IoU.barrel: 0.6972, IoU.basket: 0.4215, IoU.waterfall: 0.7256, IoU.tent: 0.9555, IoU.bag: 0.1940, IoU.minibike: 0.7493, IoU.cradle: 0.8273, IoU.oven: 0.5387, IoU.ball: 0.5601, IoU.food: 0.5006, IoU.step: 0.1301, IoU.tank: 0.5992, IoU.trade name: 0.2159, IoU.microwave: 0.8534, IoU.pot: 0.5009, IoU.animal: 0.6057, IoU.bicycle: 0.5959, IoU.lake: 0.6775, IoU.dishwasher: 0.6684, IoU.screen: 0.5238, IoU.blanket: 0.1892, IoU.sculpture: 0.7241, IoU.hood: 0.6007, IoU.sconce: 0.4879, IoU.vase: 0.4153, IoU.traffic light: 0.3432, IoU.tray: 0.0534, IoU.ashcan: 0.4637, IoU.fan: 0.6166, IoU.pier: 0.3447, IoU.crt screen: 0.0594, IoU.plate: 0.5742, IoU.monitor: 0.1130, IoU.bulletin board: 0.5016, IoU.shower: 0.0000, IoU.radiator: 0.6369, IoU.glass: 0.1563, IoU.clock: 0.4357, IoU.flag: 0.6340, Acc.wall: 0.8777, Acc.building: 0.9276, Acc.sky: 0.9752, Acc.floor: 0.8984, Acc.tree: 0.8910, Acc.ceiling: 0.9122, Acc.road: 0.9106, Acc.bed : 0.9700, Acc.windowpane: 0.8044, Acc.grass: 0.8318, Acc.cabinet: 0.7193, Acc.sidewalk: 0.8202, Acc.person: 0.9273, Acc.earth: 0.4783, Acc.door: 0.7940, Acc.table: 0.7562, Acc.mountain: 0.7615, Acc.plant: 0.6601, Acc.curtain: 0.8982, Acc.chair: 0.7458, Acc.car: 0.9402, Acc.water: 0.7849, Acc.painting: 0.8939, Acc.sofa: 0.8933, Acc.shelf: 0.6171, Acc.house: 0.6718, Acc.sea: 0.8465, Acc.mirror: 0.8341, Acc.rug: 0.8355, Acc.field: 0.5681, Acc.armchair: 0.6828, Acc.seat: 0.8591, Acc.fence: 0.6920, Acc.desk: 0.7664, Acc.rock: 0.7836, Acc.wardrobe: 0.7201, Acc.lamp: 0.7761, Acc.bathtub: 0.8566, Acc.railing: 0.5994, Acc.cushion: 0.7270, Acc.base: 0.6121, Acc.box: 0.3978, Acc.column: 0.6619, Acc.signboard: 0.5155, Acc.chest of drawers: 0.6644, Acc.counter: 0.5745, Acc.sand: 0.8310, Acc.sink: 0.8660, Acc.skyscraper: 0.7845, Acc.fireplace: 0.8997, Acc.refrigerator: 0.8297, Acc.grandstand: 0.8256, Acc.path: 0.3932, Acc.stairs: 0.4460, Acc.runway: 0.9661, Acc.case: 0.8603, Acc.pool table: 0.9797, Acc.pillow: 0.7445, Acc.screen door: 0.8882, Acc.stairway: 0.4258, Acc.river: 0.2225, Acc.bridge: 0.7535, Acc.bookcase: 0.6071, Acc.blind: 0.4712, Acc.coffee table: 0.8733, Acc.toilet: 0.9389, Acc.flower: 0.5423, Acc.book: 0.7799, Acc.hill: 0.1494, Acc.bench: 0.7094, Acc.countertop: 0.7672, Acc.stove: 0.8675, Acc.palm: 0.8194, Acc.kitchen island: 0.8247, Acc.computer: 0.8948, Acc.swivel chair: 0.8085, Acc.boat: 0.8644, Acc.bar: 0.6590, Acc.arcade machine: 0.9432, Acc.hovel: 0.7829, Acc.bus: 0.9688, Acc.towel: 0.8854, Acc.light: 0.6737, Acc.truck: 0.5373, Acc.tower: 0.6134, Acc.chandelier: 0.8578, Acc.awning: 0.4185, Acc.streetlight: 0.4372, Acc.booth: 0.4447, Acc.television receiver: 0.8685, Acc.airplane: 0.7122, Acc.dirt track: 0.4132, Acc.apparel: 0.6772, Acc.pole: 0.3835, Acc.land: 0.0415, Acc.bannister: 0.2191, Acc.escalator: 0.8208, Acc.ottoman: 0.7523, Acc.bottle: 0.7267, Acc.buffet: 0.5967, Acc.poster: 0.3955, Acc.stage: 0.3625, Acc.van: 0.5642, Acc.ship: 0.6267, Acc.fountain: 0.3534, Acc.conveyer belt: 0.9581, Acc.canopy: 0.6357, Acc.washer: 0.8927, Acc.plaything: 0.6366, Acc.swimming pool: 0.7818, Acc.stool: 0.6077, Acc.barrel: 0.8854, Acc.basket: 0.5284, Acc.waterfall: 0.8578, Acc.tent: 0.9861, Acc.bag: 0.2141, Acc.minibike: 0.8909, Acc.cradle: 0.9821, Acc.oven: 0.6466, Acc.ball: 0.6957, Acc.food: 0.6322, Acc.step: 0.1568, Acc.tank: 0.6790, Acc.trade name: 0.2336, Acc.microwave: 0.9654, Acc.pot: 0.5875, Acc.animal: 0.6335, Acc.bicycle: 0.8378, Acc.lake: 0.9213, Acc.dishwasher: 0.7776, Acc.screen: 0.8741, Acc.blanket: 0.2268, Acc.sculpture: 0.8466, Acc.hood: 0.7143, Acc.sconce: 0.5909, Acc.vase: 0.5565, Acc.traffic light: 0.4855, Acc.tray: 0.0599, Acc.ashcan: 0.6507, Acc.fan: 0.8205, Acc.pier: 0.4732, Acc.crt screen: 0.1435, Acc.plate: 0.7848, Acc.monitor: 0.1517, Acc.bulletin board: 0.6872, Acc.shower: 0.0000, Acc.radiator: 0.7196, Acc.glass: 0.1664, Acc.clock: 0.4899, Acc.flag: 0.6988 2023-11-13 22:30:21,189 - mmseg - INFO - Iter [48050/160000] lr: 1.333e-06, eta: 12:52:59, time: 0.888, data_time: 0.491, memory: 16105, decode.loss_ce: 0.2930, decode.acc_seg: 88.2902, aux.loss_ce: 0.2045, aux.acc_seg: 81.0057, loss: 0.4975, grad_norm: 4.0585 2023-11-13 22:30:41,394 - mmseg - INFO - Iter [48100/160000] lr: 1.332e-06, eta: 12:52:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2900, decode.acc_seg: 88.2238, aux.loss_ce: 0.1980, aux.acc_seg: 81.5451, loss: 0.4880, grad_norm: 4.1412 2023-11-13 22:31:01,794 - mmseg - INFO - Iter [48150/160000] lr: 1.332e-06, eta: 12:52:15, time: 0.410, data_time: 0.007, memory: 16105, decode.loss_ce: 0.3013, decode.acc_seg: 88.2222, aux.loss_ce: 0.1986, aux.acc_seg: 81.6593, loss: 0.4999, grad_norm: 4.7684 2023-11-13 22:31:21,878 - mmseg - INFO - Iter [48200/160000] lr: 1.331e-06, eta: 12:51:53, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2871, decode.acc_seg: 88.2777, aux.loss_ce: 0.1885, aux.acc_seg: 81.8239, loss: 0.4756, grad_norm: 4.8630 2023-11-13 22:31:41,906 - mmseg - INFO - Iter [48250/160000] lr: 1.331e-06, eta: 12:51:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2978, decode.acc_seg: 88.0918, aux.loss_ce: 0.1996, aux.acc_seg: 81.5223, loss: 0.4973, grad_norm: 5.8744 2023-11-13 22:32:01,808 - mmseg - INFO - Iter [48300/160000] lr: 1.330e-06, eta: 12:51:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2962, decode.acc_seg: 88.0749, aux.loss_ce: 0.1976, aux.acc_seg: 81.7382, loss: 0.4939, grad_norm: 4.3678 2023-11-13 22:32:21,741 - mmseg - INFO - Iter [48350/160000] lr: 1.329e-06, eta: 12:50:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2999, decode.acc_seg: 87.9286, aux.loss_ce: 0.1962, aux.acc_seg: 81.9212, loss: 0.4961, grad_norm: 4.5805 2023-11-13 22:32:41,783 - mmseg - INFO - Iter [48400/160000] lr: 1.329e-06, eta: 12:50:23, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2926, decode.acc_seg: 87.9191, aux.loss_ce: 0.1925, aux.acc_seg: 81.5293, loss: 0.4851, grad_norm: 4.0668 2023-11-13 22:33:01,672 - mmseg - INFO - Iter [48450/160000] lr: 1.328e-06, eta: 12:50:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2945, decode.acc_seg: 88.0788, aux.loss_ce: 0.1902, aux.acc_seg: 82.1937, loss: 0.4847, grad_norm: 4.4925 2023-11-13 22:33:21,680 - mmseg - INFO - Iter [48500/160000] lr: 1.328e-06, eta: 12:49:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3081, decode.acc_seg: 87.3027, aux.loss_ce: 0.1965, aux.acc_seg: 81.7496, loss: 0.5046, grad_norm: 4.0338 2023-11-13 22:33:41,810 - mmseg - INFO - Iter [48550/160000] lr: 1.327e-06, eta: 12:49:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2947, decode.acc_seg: 88.0937, aux.loss_ce: 0.2021, aux.acc_seg: 81.0479, loss: 0.4968, grad_norm: 4.1895 2023-11-13 22:34:02,238 - mmseg - INFO - Iter [48600/160000] lr: 1.326e-06, eta: 12:48:55, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2929, decode.acc_seg: 88.1995, aux.loss_ce: 0.1936, aux.acc_seg: 82.2290, loss: 0.4865, grad_norm: 3.8525 2023-11-13 22:34:22,335 - mmseg - INFO - Iter [48650/160000] lr: 1.326e-06, eta: 12:48:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3007, decode.acc_seg: 87.8004, aux.loss_ce: 0.2062, aux.acc_seg: 80.5736, loss: 0.5068, grad_norm: 4.4993 2023-11-13 22:34:42,217 - mmseg - INFO - Iter [48700/160000] lr: 1.325e-06, eta: 12:48:10, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3038, decode.acc_seg: 88.1468, aux.loss_ce: 0.1998, aux.acc_seg: 81.9547, loss: 0.5035, grad_norm: 4.9648 2023-11-13 22:35:02,280 - mmseg - INFO - Iter [48750/160000] lr: 1.325e-06, eta: 12:47:48, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2774, decode.acc_seg: 88.6032, aux.loss_ce: 0.1880, aux.acc_seg: 82.6491, loss: 0.4654, grad_norm: 4.1180 2023-11-13 22:35:22,344 - mmseg - INFO - Iter [48800/160000] lr: 1.324e-06, eta: 12:47:26, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3031, decode.acc_seg: 87.9554, aux.loss_ce: 0.2077, aux.acc_seg: 80.9196, loss: 0.5108, grad_norm: 4.1568 2023-11-13 22:35:42,199 - mmseg - INFO - Iter [48850/160000] lr: 1.323e-06, eta: 12:47:03, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3052, decode.acc_seg: 87.9250, aux.loss_ce: 0.2034, aux.acc_seg: 81.5431, loss: 0.5086, grad_norm: 4.3395 2023-11-13 22:36:02,100 - mmseg - INFO - Iter [48900/160000] lr: 1.323e-06, eta: 12:46:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3088, decode.acc_seg: 87.4654, aux.loss_ce: 0.2010, aux.acc_seg: 81.5240, loss: 0.5098, grad_norm: 4.5281 2023-11-13 22:36:22,149 - mmseg - INFO - Iter [48950/160000] lr: 1.322e-06, eta: 12:46:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2819, decode.acc_seg: 88.2678, aux.loss_ce: 0.1922, aux.acc_seg: 81.5505, loss: 0.4741, grad_norm: 4.8714 2023-11-13 22:36:42,118 - mmseg - INFO - Saving checkpoint at 49000 iterations 2023-11-13 22:36:49,925 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:36:49,925 - mmseg - INFO - Iter [49000/160000] lr: 1.322e-06, eta: 12:46:14, time: 0.556, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3000, decode.acc_seg: 87.5452, aux.loss_ce: 0.1945, aux.acc_seg: 81.7309, loss: 0.4945, grad_norm: 4.3746 2023-11-13 22:37:10,158 - mmseg - INFO - Iter [49050/160000] lr: 1.321e-06, eta: 12:45:52, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3027, decode.acc_seg: 87.9884, aux.loss_ce: 0.1990, aux.acc_seg: 81.8855, loss: 0.5017, grad_norm: 5.0452 2023-11-13 22:37:30,319 - mmseg - INFO - Iter [49100/160000] lr: 1.320e-06, eta: 12:45:30, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3033, decode.acc_seg: 87.8475, aux.loss_ce: 0.1984, aux.acc_seg: 81.7867, loss: 0.5017, grad_norm: 3.8816 2023-11-13 22:37:50,176 - mmseg - INFO - Iter [49150/160000] lr: 1.320e-06, eta: 12:45:08, time: 0.397, data_time: 0.005, memory: 16105, decode.loss_ce: 0.3042, decode.acc_seg: 87.9718, aux.loss_ce: 0.1954, aux.acc_seg: 82.3576, loss: 0.4997, grad_norm: 4.1057 2023-11-13 22:38:10,102 - mmseg - INFO - Iter [49200/160000] lr: 1.319e-06, eta: 12:44:45, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2890, decode.acc_seg: 88.5160, aux.loss_ce: 0.1903, aux.acc_seg: 82.2612, loss: 0.4793, grad_norm: 3.8269 2023-11-13 22:38:30,047 - mmseg - INFO - Iter [49250/160000] lr: 1.319e-06, eta: 12:44:23, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2793, decode.acc_seg: 88.4052, aux.loss_ce: 0.1888, aux.acc_seg: 82.3571, loss: 0.4681, grad_norm: 4.3781 2023-11-13 22:38:52,366 - mmseg - INFO - Iter [49300/160000] lr: 1.318e-06, eta: 12:44:06, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2915, decode.acc_seg: 88.1520, aux.loss_ce: 0.1973, aux.acc_seg: 81.3443, loss: 0.4887, grad_norm: 4.4387 2023-11-13 22:39:12,401 - mmseg - INFO - Iter [49350/160000] lr: 1.317e-06, eta: 12:43:44, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2896, decode.acc_seg: 88.4521, aux.loss_ce: 0.1968, aux.acc_seg: 81.7723, loss: 0.4864, grad_norm: 3.8269 2023-11-13 22:39:32,295 - mmseg - INFO - Iter [49400/160000] lr: 1.317e-06, eta: 12:43:21, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2785, decode.acc_seg: 88.6266, aux.loss_ce: 0.1929, aux.acc_seg: 81.8980, loss: 0.4714, grad_norm: 3.9128 2023-11-13 22:39:52,210 - mmseg - INFO - Iter [49450/160000] lr: 1.316e-06, eta: 12:42:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2890, decode.acc_seg: 88.3545, aux.loss_ce: 0.1923, aux.acc_seg: 82.1346, loss: 0.4812, grad_norm: 5.4437 2023-11-13 22:40:12,468 - mmseg - INFO - Iter [49500/160000] lr: 1.316e-06, eta: 12:42:37, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2735, decode.acc_seg: 88.9964, aux.loss_ce: 0.1912, aux.acc_seg: 81.9783, loss: 0.4647, grad_norm: 3.7520 2023-11-13 22:40:32,547 - mmseg - INFO - Iter [49550/160000] lr: 1.315e-06, eta: 12:42:15, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2865, decode.acc_seg: 88.4759, aux.loss_ce: 0.1912, aux.acc_seg: 81.9450, loss: 0.4777, grad_norm: 4.2234 2023-11-13 22:40:52,553 - mmseg - INFO - Iter [49600/160000] lr: 1.314e-06, eta: 12:41:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2891, decode.acc_seg: 88.5717, aux.loss_ce: 0.1894, aux.acc_seg: 82.7445, loss: 0.4785, grad_norm: 3.9190 2023-11-13 22:41:12,442 - mmseg - INFO - Iter [49650/160000] lr: 1.314e-06, eta: 12:41:30, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3093, decode.acc_seg: 87.6192, aux.loss_ce: 0.2015, aux.acc_seg: 81.6649, loss: 0.5108, grad_norm: 4.6294 2023-11-13 22:41:32,350 - mmseg - INFO - Iter [49700/160000] lr: 1.313e-06, eta: 12:41:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2917, decode.acc_seg: 88.0988, aux.loss_ce: 0.2001, aux.acc_seg: 81.5604, loss: 0.4918, grad_norm: 4.5833 2023-11-13 22:41:52,248 - mmseg - INFO - Iter [49750/160000] lr: 1.313e-06, eta: 12:40:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3109, decode.acc_seg: 87.6422, aux.loss_ce: 0.1985, aux.acc_seg: 81.6157, loss: 0.5095, grad_norm: 4.6316 2023-11-13 22:42:12,139 - mmseg - INFO - Iter [49800/160000] lr: 1.312e-06, eta: 12:40:22, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3013, decode.acc_seg: 87.8152, aux.loss_ce: 0.2052, aux.acc_seg: 81.2668, loss: 0.5065, grad_norm: 4.8240 2023-11-13 22:42:32,186 - mmseg - INFO - Iter [49850/160000] lr: 1.311e-06, eta: 12:40:00, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2849, decode.acc_seg: 88.6811, aux.loss_ce: 0.1870, aux.acc_seg: 82.7746, loss: 0.4718, grad_norm: 3.9344 2023-11-13 22:42:52,093 - mmseg - INFO - Iter [49900/160000] lr: 1.311e-06, eta: 12:39:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2840, decode.acc_seg: 88.3912, aux.loss_ce: 0.1959, aux.acc_seg: 81.4336, loss: 0.4798, grad_norm: 3.6726 2023-11-13 22:43:12,142 - mmseg - INFO - Iter [49950/160000] lr: 1.310e-06, eta: 12:39:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2943, decode.acc_seg: 87.8897, aux.loss_ce: 0.1996, aux.acc_seg: 81.4161, loss: 0.4939, grad_norm: 4.6478 2023-11-13 22:43:32,472 - mmseg - INFO - Saving checkpoint at 50000 iterations 2023-11-13 22:43:40,483 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:43:40,483 - mmseg - INFO - Iter [50000/160000] lr: 1.310e-06, eta: 12:39:12, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3187, decode.acc_seg: 87.2559, aux.loss_ce: 0.2071, aux.acc_seg: 81.5338, loss: 0.5258, grad_norm: 5.2893 2023-11-13 22:44:00,515 - mmseg - INFO - Iter [50050/160000] lr: 1.309e-06, eta: 12:38:50, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3033, decode.acc_seg: 87.5715, aux.loss_ce: 0.1959, aux.acc_seg: 81.9847, loss: 0.4991, grad_norm: 3.7676 2023-11-13 22:44:20,446 - mmseg - INFO - Iter [50100/160000] lr: 1.308e-06, eta: 12:38:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2920, decode.acc_seg: 88.1538, aux.loss_ce: 0.1952, aux.acc_seg: 81.6897, loss: 0.4872, grad_norm: 3.9455 2023-11-13 22:44:40,487 - mmseg - INFO - Iter [50150/160000] lr: 1.308e-06, eta: 12:38:05, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2876, decode.acc_seg: 88.4137, aux.loss_ce: 0.2002, aux.acc_seg: 81.3556, loss: 0.4878, grad_norm: 4.4538 2023-11-13 22:45:00,374 - mmseg - INFO - Iter [50200/160000] lr: 1.307e-06, eta: 12:37:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2946, decode.acc_seg: 88.2689, aux.loss_ce: 0.1954, aux.acc_seg: 82.4995, loss: 0.4900, grad_norm: 4.8328 2023-11-13 22:45:20,456 - mmseg - INFO - Iter [50250/160000] lr: 1.307e-06, eta: 12:37:21, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3041, decode.acc_seg: 88.1668, aux.loss_ce: 0.2054, aux.acc_seg: 81.1618, loss: 0.5094, grad_norm: 5.0310 2023-11-13 22:45:40,351 - mmseg - INFO - Iter [50300/160000] lr: 1.306e-06, eta: 12:36:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2838, decode.acc_seg: 88.6849, aux.loss_ce: 0.1921, aux.acc_seg: 82.2447, loss: 0.4759, grad_norm: 3.8464 2023-11-13 22:46:00,373 - mmseg - INFO - Iter [50350/160000] lr: 1.306e-06, eta: 12:36:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2942, decode.acc_seg: 88.3560, aux.loss_ce: 0.1945, aux.acc_seg: 82.2554, loss: 0.4887, grad_norm: 4.3859 2023-11-13 22:46:20,358 - mmseg - INFO - Iter [50400/160000] lr: 1.305e-06, eta: 12:36:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3040, decode.acc_seg: 88.0138, aux.loss_ce: 0.1998, aux.acc_seg: 81.5057, loss: 0.5039, grad_norm: 4.9307 2023-11-13 22:46:40,689 - mmseg - INFO - Iter [50450/160000] lr: 1.304e-06, eta: 12:35:52, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2818, decode.acc_seg: 88.7562, aux.loss_ce: 0.1882, aux.acc_seg: 82.8997, loss: 0.4699, grad_norm: 3.9445 2023-11-13 22:47:00,693 - mmseg - INFO - Iter [50500/160000] lr: 1.304e-06, eta: 12:35:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3158, decode.acc_seg: 87.6886, aux.loss_ce: 0.2148, aux.acc_seg: 80.2388, loss: 0.5305, grad_norm: 4.6733 2023-11-13 22:47:22,905 - mmseg - INFO - Iter [50550/160000] lr: 1.303e-06, eta: 12:35:13, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2912, decode.acc_seg: 88.1835, aux.loss_ce: 0.1887, aux.acc_seg: 81.9790, loss: 0.4799, grad_norm: 4.2926 2023-11-13 22:47:42,803 - mmseg - INFO - Iter [50600/160000] lr: 1.303e-06, eta: 12:34:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2948, decode.acc_seg: 88.4460, aux.loss_ce: 0.1973, aux.acc_seg: 82.0559, loss: 0.4921, grad_norm: 4.2576 2023-11-13 22:48:02,695 - mmseg - INFO - Iter [50650/160000] lr: 1.302e-06, eta: 12:34:28, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2908, decode.acc_seg: 88.4375, aux.loss_ce: 0.2030, aux.acc_seg: 81.8150, loss: 0.4939, grad_norm: 3.8621 2023-11-13 22:48:22,719 - mmseg - INFO - Iter [50700/160000] lr: 1.301e-06, eta: 12:34:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2838, decode.acc_seg: 88.4918, aux.loss_ce: 0.1872, aux.acc_seg: 82.1558, loss: 0.4710, grad_norm: 3.5670 2023-11-13 22:48:42,637 - mmseg - INFO - Iter [50750/160000] lr: 1.301e-06, eta: 12:33:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2928, decode.acc_seg: 88.4564, aux.loss_ce: 0.1981, aux.acc_seg: 82.0915, loss: 0.4909, grad_norm: 4.5426 2023-11-13 22:49:02,555 - mmseg - INFO - Iter [50800/160000] lr: 1.300e-06, eta: 12:33:21, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2948, decode.acc_seg: 88.1122, aux.loss_ce: 0.1961, aux.acc_seg: 81.8226, loss: 0.4910, grad_norm: 4.6822 2023-11-13 22:49:22,569 - mmseg - INFO - Iter [50850/160000] lr: 1.300e-06, eta: 12:32:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2888, decode.acc_seg: 88.3838, aux.loss_ce: 0.1981, aux.acc_seg: 82.2887, loss: 0.4870, grad_norm: 4.4230 2023-11-13 22:49:42,947 - mmseg - INFO - Iter [50900/160000] lr: 1.299e-06, eta: 12:32:37, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2853, decode.acc_seg: 88.5687, aux.loss_ce: 0.1930, aux.acc_seg: 81.8529, loss: 0.4784, grad_norm: 3.7354 2023-11-13 22:50:03,155 - mmseg - INFO - Iter [50950/160000] lr: 1.298e-06, eta: 12:32:15, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2852, decode.acc_seg: 88.7983, aux.loss_ce: 0.1868, aux.acc_seg: 83.1232, loss: 0.4720, grad_norm: 4.7734 2023-11-13 22:50:23,128 - mmseg - INFO - Saving checkpoint at 51000 iterations 2023-11-13 22:50:31,685 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:50:31,685 - mmseg - INFO - Iter [51000/160000] lr: 1.298e-06, eta: 12:32:12, time: 0.571, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3020, decode.acc_seg: 87.6326, aux.loss_ce: 0.1947, aux.acc_seg: 81.3711, loss: 0.4967, grad_norm: 4.6199 2023-11-13 22:50:51,726 - mmseg - INFO - Iter [51050/160000] lr: 1.297e-06, eta: 12:31:49, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2921, decode.acc_seg: 88.4859, aux.loss_ce: 0.1965, aux.acc_seg: 82.0500, loss: 0.4886, grad_norm: 3.9007 2023-11-13 22:51:11,971 - mmseg - INFO - Iter [51100/160000] lr: 1.297e-06, eta: 12:31:28, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2887, decode.acc_seg: 88.2578, aux.loss_ce: 0.1853, aux.acc_seg: 82.5825, loss: 0.4740, grad_norm: 4.2950 2023-11-13 22:51:31,949 - mmseg - INFO - Iter [51150/160000] lr: 1.296e-06, eta: 12:31:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2923, decode.acc_seg: 87.8594, aux.loss_ce: 0.1933, aux.acc_seg: 81.6589, loss: 0.4856, grad_norm: 4.4889 2023-11-13 22:51:51,892 - mmseg - INFO - Iter [51200/160000] lr: 1.295e-06, eta: 12:30:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2813, decode.acc_seg: 88.4782, aux.loss_ce: 0.1982, aux.acc_seg: 81.5133, loss: 0.4796, grad_norm: 3.9957 2023-11-13 22:52:11,917 - mmseg - INFO - Iter [51250/160000] lr: 1.295e-06, eta: 12:30:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3068, decode.acc_seg: 87.4125, aux.loss_ce: 0.2009, aux.acc_seg: 81.2280, loss: 0.5077, grad_norm: 4.3426 2023-11-13 22:52:31,829 - mmseg - INFO - Iter [51300/160000] lr: 1.294e-06, eta: 12:29:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2816, decode.acc_seg: 88.7677, aux.loss_ce: 0.1966, aux.acc_seg: 82.1783, loss: 0.4782, grad_norm: 4.3675 2023-11-13 22:52:52,204 - mmseg - INFO - Iter [51350/160000] lr: 1.294e-06, eta: 12:29:37, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2882, decode.acc_seg: 88.2155, aux.loss_ce: 0.1859, aux.acc_seg: 82.7189, loss: 0.4741, grad_norm: 4.0364 2023-11-13 22:53:12,300 - mmseg - INFO - Iter [51400/160000] lr: 1.293e-06, eta: 12:29:15, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2872, decode.acc_seg: 88.6077, aux.loss_ce: 0.1921, aux.acc_seg: 82.5499, loss: 0.4793, grad_norm: 4.6044 2023-11-13 22:53:32,319 - mmseg - INFO - Iter [51450/160000] lr: 1.292e-06, eta: 12:28:53, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3069, decode.acc_seg: 87.7193, aux.loss_ce: 0.1951, aux.acc_seg: 81.9147, loss: 0.5020, grad_norm: 4.8113 2023-11-13 22:53:52,325 - mmseg - INFO - Iter [51500/160000] lr: 1.292e-06, eta: 12:28:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2825, decode.acc_seg: 88.5098, aux.loss_ce: 0.1866, aux.acc_seg: 82.9205, loss: 0.4691, grad_norm: 4.0008 2023-11-13 22:54:12,287 - mmseg - INFO - Iter [51550/160000] lr: 1.291e-06, eta: 12:28:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2671, decode.acc_seg: 89.2572, aux.loss_ce: 0.1860, aux.acc_seg: 82.6056, loss: 0.4531, grad_norm: 3.9736 2023-11-13 22:54:32,435 - mmseg - INFO - Iter [51600/160000] lr: 1.291e-06, eta: 12:27:47, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3142, decode.acc_seg: 87.2037, aux.loss_ce: 0.1987, aux.acc_seg: 81.3486, loss: 0.5129, grad_norm: 4.5038 2023-11-13 22:54:52,430 - mmseg - INFO - Iter [51650/160000] lr: 1.290e-06, eta: 12:27:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2781, decode.acc_seg: 88.8982, aux.loss_ce: 0.1868, aux.acc_seg: 82.8655, loss: 0.4649, grad_norm: 4.0694 2023-11-13 22:55:12,388 - mmseg - INFO - Iter [51700/160000] lr: 1.289e-06, eta: 12:27:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2789, decode.acc_seg: 88.7693, aux.loss_ce: 0.1826, aux.acc_seg: 82.9756, loss: 0.4615, grad_norm: 4.3349 2023-11-13 22:55:32,395 - mmseg - INFO - Iter [51750/160000] lr: 1.289e-06, eta: 12:26:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2913, decode.acc_seg: 88.3883, aux.loss_ce: 0.2016, aux.acc_seg: 82.0296, loss: 0.4929, grad_norm: 3.8775 2023-11-13 22:55:54,882 - mmseg - INFO - Iter [51800/160000] lr: 1.288e-06, eta: 12:26:23, time: 0.450, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2916, decode.acc_seg: 87.8768, aux.loss_ce: 0.1940, aux.acc_seg: 81.6186, loss: 0.4857, grad_norm: 3.7895 2023-11-13 22:56:15,165 - mmseg - INFO - Iter [51850/160000] lr: 1.288e-06, eta: 12:26:02, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2776, decode.acc_seg: 88.9857, aux.loss_ce: 0.1862, aux.acc_seg: 82.8437, loss: 0.4638, grad_norm: 4.5313 2023-11-13 22:56:35,191 - mmseg - INFO - Iter [51900/160000] lr: 1.287e-06, eta: 12:25:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3069, decode.acc_seg: 87.5792, aux.loss_ce: 0.2021, aux.acc_seg: 80.7507, loss: 0.5090, grad_norm: 4.4503 2023-11-13 22:56:55,173 - mmseg - INFO - Iter [51950/160000] lr: 1.286e-06, eta: 12:25:18, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2764, decode.acc_seg: 88.8094, aux.loss_ce: 0.1866, aux.acc_seg: 82.9977, loss: 0.4630, grad_norm: 4.0251 2023-11-13 22:57:15,228 - mmseg - INFO - Saving checkpoint at 52000 iterations 2023-11-13 22:57:23,140 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 22:57:23,140 - mmseg - INFO - Iter [52000/160000] lr: 1.286e-06, eta: 12:25:12, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2903, decode.acc_seg: 88.2695, aux.loss_ce: 0.1869, aux.acc_seg: 82.7707, loss: 0.4771, grad_norm: 3.8849 2023-11-13 22:57:43,092 - mmseg - INFO - Iter [52050/160000] lr: 1.285e-06, eta: 12:24:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2948, decode.acc_seg: 88.3112, aux.loss_ce: 0.1999, aux.acc_seg: 82.0592, loss: 0.4947, grad_norm: 4.8305 2023-11-13 22:58:03,026 - mmseg - INFO - Iter [52100/160000] lr: 1.285e-06, eta: 12:24:28, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2938, decode.acc_seg: 88.7100, aux.loss_ce: 0.1944, aux.acc_seg: 82.6516, loss: 0.4882, grad_norm: 4.0321 2023-11-13 22:58:22,926 - mmseg - INFO - Iter [52150/160000] lr: 1.284e-06, eta: 12:24:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2875, decode.acc_seg: 88.4802, aux.loss_ce: 0.1895, aux.acc_seg: 81.9607, loss: 0.4769, grad_norm: 4.2344 2023-11-13 22:58:42,802 - mmseg - INFO - Iter [52200/160000] lr: 1.283e-06, eta: 12:23:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2954, decode.acc_seg: 88.2034, aux.loss_ce: 0.1993, aux.acc_seg: 81.5694, loss: 0.4947, grad_norm: 4.8480 2023-11-13 22:59:02,790 - mmseg - INFO - Iter [52250/160000] lr: 1.283e-06, eta: 12:23:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2857, decode.acc_seg: 88.4861, aux.loss_ce: 0.1973, aux.acc_seg: 81.7735, loss: 0.4830, grad_norm: 4.1272 2023-11-13 22:59:23,247 - mmseg - INFO - Iter [52300/160000] lr: 1.282e-06, eta: 12:22:59, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2817, decode.acc_seg: 88.6378, aux.loss_ce: 0.1882, aux.acc_seg: 82.0148, loss: 0.4699, grad_norm: 4.5314 2023-11-13 22:59:43,242 - mmseg - INFO - Iter [52350/160000] lr: 1.282e-06, eta: 12:22:37, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2981, decode.acc_seg: 88.0067, aux.loss_ce: 0.2057, aux.acc_seg: 81.3872, loss: 0.5038, grad_norm: 4.6778 2023-11-13 23:00:03,191 - mmseg - INFO - Iter [52400/160000] lr: 1.281e-06, eta: 12:22:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2693, decode.acc_seg: 88.9684, aux.loss_ce: 0.1802, aux.acc_seg: 83.0274, loss: 0.4495, grad_norm: 3.4530 2023-11-13 23:00:23,112 - mmseg - INFO - Iter [52450/160000] lr: 1.281e-06, eta: 12:21:53, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2716, decode.acc_seg: 89.1271, aux.loss_ce: 0.1866, aux.acc_seg: 82.4208, loss: 0.4583, grad_norm: 3.9057 2023-11-13 23:00:43,011 - mmseg - INFO - Iter [52500/160000] lr: 1.280e-06, eta: 12:21:30, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2861, decode.acc_seg: 88.3438, aux.loss_ce: 0.1947, aux.acc_seg: 81.7056, loss: 0.4808, grad_norm: 4.9591 2023-11-13 23:01:02,968 - mmseg - INFO - Iter [52550/160000] lr: 1.279e-06, eta: 12:21:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2858, decode.acc_seg: 88.3613, aux.loss_ce: 0.1890, aux.acc_seg: 82.4757, loss: 0.4748, grad_norm: 4.8731 2023-11-13 23:01:22,878 - mmseg - INFO - Iter [52600/160000] lr: 1.279e-06, eta: 12:20:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2775, decode.acc_seg: 88.3853, aux.loss_ce: 0.1831, aux.acc_seg: 82.2960, loss: 0.4607, grad_norm: 3.7091 2023-11-13 23:01:42,746 - mmseg - INFO - Iter [52650/160000] lr: 1.278e-06, eta: 12:20:24, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2704, decode.acc_seg: 89.2545, aux.loss_ce: 0.1849, aux.acc_seg: 82.4719, loss: 0.4553, grad_norm: 3.9451 2023-11-13 23:02:02,753 - mmseg - INFO - Iter [52700/160000] lr: 1.278e-06, eta: 12:20:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2838, decode.acc_seg: 88.4254, aux.loss_ce: 0.1964, aux.acc_seg: 81.5256, loss: 0.4803, grad_norm: 4.2138 2023-11-13 23:02:23,314 - mmseg - INFO - Iter [52750/160000] lr: 1.277e-06, eta: 12:19:41, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2769, decode.acc_seg: 88.9460, aux.loss_ce: 0.2035, aux.acc_seg: 81.3205, loss: 0.4804, grad_norm: 4.3988 2023-11-13 23:02:43,331 - mmseg - INFO - Iter [52800/160000] lr: 1.276e-06, eta: 12:19:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2817, decode.acc_seg: 88.7291, aux.loss_ce: 0.1893, aux.acc_seg: 82.6293, loss: 0.4710, grad_norm: 3.9839 2023-11-13 23:03:03,345 - mmseg - INFO - Iter [52850/160000] lr: 1.276e-06, eta: 12:18:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3048, decode.acc_seg: 87.7592, aux.loss_ce: 0.2086, aux.acc_seg: 80.9152, loss: 0.5134, grad_norm: 5.3933 2023-11-13 23:03:23,211 - mmseg - INFO - Iter [52900/160000] lr: 1.275e-06, eta: 12:18:34, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2899, decode.acc_seg: 88.2917, aux.loss_ce: 0.1912, aux.acc_seg: 82.2961, loss: 0.4810, grad_norm: 3.7240 2023-11-13 23:03:43,072 - mmseg - INFO - Iter [52950/160000] lr: 1.275e-06, eta: 12:18:12, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2913, decode.acc_seg: 88.2883, aux.loss_ce: 0.2004, aux.acc_seg: 81.4479, loss: 0.4918, grad_norm: 4.0356 2023-11-13 23:04:03,396 - mmseg - INFO - Saving checkpoint at 53000 iterations 2023-11-13 23:04:11,208 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:04:11,208 - mmseg - INFO - Iter [53000/160000] lr: 1.274e-06, eta: 12:18:06, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2854, decode.acc_seg: 88.5111, aux.loss_ce: 0.1889, aux.acc_seg: 82.5423, loss: 0.4743, grad_norm: 4.1950 2023-11-13 23:04:33,618 - mmseg - INFO - Iter [53050/160000] lr: 1.273e-06, eta: 12:17:49, time: 0.448, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2755, decode.acc_seg: 88.8513, aux.loss_ce: 0.1851, aux.acc_seg: 82.4984, loss: 0.4606, grad_norm: 3.5026 2023-11-13 23:04:53,690 - mmseg - INFO - Iter [53100/160000] lr: 1.273e-06, eta: 12:17:27, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2854, decode.acc_seg: 88.5197, aux.loss_ce: 0.1888, aux.acc_seg: 82.0591, loss: 0.4743, grad_norm: 3.9897 2023-11-13 23:05:13,731 - mmseg - INFO - Iter [53150/160000] lr: 1.272e-06, eta: 12:17:05, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2927, decode.acc_seg: 88.2875, aux.loss_ce: 0.1933, aux.acc_seg: 82.1217, loss: 0.4860, grad_norm: 4.2249 2023-11-13 23:05:34,092 - mmseg - INFO - Iter [53200/160000] lr: 1.272e-06, eta: 12:16:43, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2874, decode.acc_seg: 88.3038, aux.loss_ce: 0.1940, aux.acc_seg: 82.5591, loss: 0.4813, grad_norm: 4.3438 2023-11-13 23:05:54,107 - mmseg - INFO - Iter [53250/160000] lr: 1.271e-06, eta: 12:16:21, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2678, decode.acc_seg: 88.9714, aux.loss_ce: 0.1826, aux.acc_seg: 82.6453, loss: 0.4504, grad_norm: 3.9441 2023-11-13 23:06:14,040 - mmseg - INFO - Iter [53300/160000] lr: 1.270e-06, eta: 12:15:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3056, decode.acc_seg: 87.9397, aux.loss_ce: 0.1992, aux.acc_seg: 81.8742, loss: 0.5047, grad_norm: 4.8226 2023-11-13 23:06:34,150 - mmseg - INFO - Iter [53350/160000] lr: 1.270e-06, eta: 12:15:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2664, decode.acc_seg: 89.2436, aux.loss_ce: 0.1820, aux.acc_seg: 82.9228, loss: 0.4484, grad_norm: 3.7375 2023-11-13 23:06:54,216 - mmseg - INFO - Iter [53400/160000] lr: 1.269e-06, eta: 12:15:15, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2591, decode.acc_seg: 89.6252, aux.loss_ce: 0.1748, aux.acc_seg: 83.8521, loss: 0.4339, grad_norm: 3.3893 2023-11-13 23:07:14,359 - mmseg - INFO - Iter [53450/160000] lr: 1.269e-06, eta: 12:14:54, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2853, decode.acc_seg: 88.4752, aux.loss_ce: 0.1955, aux.acc_seg: 82.1836, loss: 0.4808, grad_norm: 4.3159 2023-11-13 23:07:34,277 - mmseg - INFO - Iter [53500/160000] lr: 1.268e-06, eta: 12:14:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2704, decode.acc_seg: 89.2262, aux.loss_ce: 0.1856, aux.acc_seg: 82.7182, loss: 0.4560, grad_norm: 4.9514 2023-11-13 23:07:54,185 - mmseg - INFO - Iter [53550/160000] lr: 1.267e-06, eta: 12:14:09, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2928, decode.acc_seg: 88.8946, aux.loss_ce: 0.1904, aux.acc_seg: 82.9047, loss: 0.4832, grad_norm: 4.0775 2023-11-13 23:08:14,095 - mmseg - INFO - Iter [53600/160000] lr: 1.267e-06, eta: 12:13:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3094, decode.acc_seg: 87.4985, aux.loss_ce: 0.2004, aux.acc_seg: 81.4742, loss: 0.5098, grad_norm: 4.3162 2023-11-13 23:08:34,540 - mmseg - INFO - Iter [53650/160000] lr: 1.266e-06, eta: 12:13:26, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2661, decode.acc_seg: 89.0663, aux.loss_ce: 0.1770, aux.acc_seg: 83.1282, loss: 0.4431, grad_norm: 5.1170 2023-11-13 23:08:54,997 - mmseg - INFO - Iter [53700/160000] lr: 1.266e-06, eta: 12:13:05, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2602, decode.acc_seg: 89.0330, aux.loss_ce: 0.1854, aux.acc_seg: 82.5637, loss: 0.4455, grad_norm: 3.8211 2023-11-13 23:09:15,401 - mmseg - INFO - Iter [53750/160000] lr: 1.265e-06, eta: 12:12:43, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2937, decode.acc_seg: 88.7332, aux.loss_ce: 0.2024, aux.acc_seg: 82.1437, loss: 0.4961, grad_norm: 4.2509 2023-11-13 23:09:35,333 - mmseg - INFO - Iter [53800/160000] lr: 1.264e-06, eta: 12:12:21, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2862, decode.acc_seg: 88.5531, aux.loss_ce: 0.2016, aux.acc_seg: 81.3429, loss: 0.4879, grad_norm: 4.2566 2023-11-13 23:09:55,240 - mmseg - INFO - Iter [53850/160000] lr: 1.264e-06, eta: 12:11:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3000, decode.acc_seg: 87.6974, aux.loss_ce: 0.2061, aux.acc_seg: 81.3000, loss: 0.5061, grad_norm: 4.0663 2023-11-13 23:10:15,281 - mmseg - INFO - Iter [53900/160000] lr: 1.263e-06, eta: 12:11:37, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2772, decode.acc_seg: 88.5085, aux.loss_ce: 0.1874, aux.acc_seg: 82.1978, loss: 0.4645, grad_norm: 3.9012 2023-11-13 23:10:35,254 - mmseg - INFO - Iter [53950/160000] lr: 1.263e-06, eta: 12:11:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2782, decode.acc_seg: 88.4377, aux.loss_ce: 0.1821, aux.acc_seg: 82.8854, loss: 0.4603, grad_norm: 4.5604 2023-11-13 23:10:55,195 - mmseg - INFO - Saving checkpoint at 54000 iterations 2023-11-13 23:11:03,596 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:11:03,596 - mmseg - INFO - Iter [54000/160000] lr: 1.262e-06, eta: 12:11:09, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2965, decode.acc_seg: 87.7864, aux.loss_ce: 0.1981, aux.acc_seg: 81.2336, loss: 0.4946, grad_norm: 4.3457 2023-11-13 23:11:23,543 - mmseg - INFO - Iter [54050/160000] lr: 1.261e-06, eta: 12:10:47, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2819, decode.acc_seg: 88.5178, aux.loss_ce: 0.1886, aux.acc_seg: 82.5333, loss: 0.4705, grad_norm: 3.8821 2023-11-13 23:11:43,713 - mmseg - INFO - Iter [54100/160000] lr: 1.261e-06, eta: 12:10:25, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2706, decode.acc_seg: 88.9961, aux.loss_ce: 0.1896, aux.acc_seg: 82.5690, loss: 0.4602, grad_norm: 4.0151 2023-11-13 23:12:03,963 - mmseg - INFO - Iter [54150/160000] lr: 1.260e-06, eta: 12:10:04, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2877, decode.acc_seg: 87.8324, aux.loss_ce: 0.1940, aux.acc_seg: 81.4593, loss: 0.4818, grad_norm: 5.1383 2023-11-13 23:12:24,048 - mmseg - INFO - Iter [54200/160000] lr: 1.260e-06, eta: 12:09:42, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2769, decode.acc_seg: 88.7724, aux.loss_ce: 0.1846, aux.acc_seg: 82.9597, loss: 0.4615, grad_norm: 5.8241 2023-11-13 23:12:44,046 - mmseg - INFO - Iter [54250/160000] lr: 1.259e-06, eta: 12:09:20, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2932, decode.acc_seg: 87.7749, aux.loss_ce: 0.1902, aux.acc_seg: 82.2248, loss: 0.4833, grad_norm: 5.0302 2023-11-13 23:13:04,031 - mmseg - INFO - Iter [54300/160000] lr: 1.258e-06, eta: 12:08:58, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2545, decode.acc_seg: 89.7021, aux.loss_ce: 0.1745, aux.acc_seg: 83.4014, loss: 0.4290, grad_norm: 3.8144 2023-11-13 23:13:26,416 - mmseg - INFO - Iter [54350/160000] lr: 1.258e-06, eta: 12:08:40, time: 0.448, data_time: 0.052, memory: 16105, decode.loss_ce: 0.2880, decode.acc_seg: 88.3921, aux.loss_ce: 0.1920, aux.acc_seg: 82.6635, loss: 0.4800, grad_norm: 3.9484 2023-11-13 23:13:46,431 - mmseg - INFO - Iter [54400/160000] lr: 1.257e-06, eta: 12:08:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2965, decode.acc_seg: 87.9898, aux.loss_ce: 0.1979, aux.acc_seg: 81.6654, loss: 0.4944, grad_norm: 4.4216 2023-11-13 23:14:06,362 - mmseg - INFO - Iter [54450/160000] lr: 1.257e-06, eta: 12:07:56, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2684, decode.acc_seg: 89.0951, aux.loss_ce: 0.1851, aux.acc_seg: 82.7236, loss: 0.4535, grad_norm: 4.1473 2023-11-13 23:14:26,221 - mmseg - INFO - Iter [54500/160000] lr: 1.256e-06, eta: 12:07:34, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2697, decode.acc_seg: 89.3609, aux.loss_ce: 0.1837, aux.acc_seg: 83.2182, loss: 0.4534, grad_norm: 4.3388 2023-11-13 23:14:46,320 - mmseg - INFO - Iter [54550/160000] lr: 1.256e-06, eta: 12:07:12, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2658, decode.acc_seg: 89.3041, aux.loss_ce: 0.1818, aux.acc_seg: 83.4285, loss: 0.4476, grad_norm: 3.3395 2023-11-13 23:15:06,688 - mmseg - INFO - Iter [54600/160000] lr: 1.255e-06, eta: 12:06:51, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2794, decode.acc_seg: 88.6142, aux.loss_ce: 0.1906, aux.acc_seg: 82.1949, loss: 0.4700, grad_norm: 4.1587 2023-11-13 23:15:26,722 - mmseg - INFO - Iter [54650/160000] lr: 1.254e-06, eta: 12:06:29, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2839, decode.acc_seg: 88.4141, aux.loss_ce: 0.1986, aux.acc_seg: 81.4554, loss: 0.4824, grad_norm: 4.4320 2023-11-13 23:15:46,687 - mmseg - INFO - Iter [54700/160000] lr: 1.254e-06, eta: 12:06:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2750, decode.acc_seg: 88.7537, aux.loss_ce: 0.1940, aux.acc_seg: 82.1233, loss: 0.4690, grad_norm: 4.2387 2023-11-13 23:16:06,686 - mmseg - INFO - Iter [54750/160000] lr: 1.253e-06, eta: 12:05:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2793, decode.acc_seg: 88.7273, aux.loss_ce: 0.1929, aux.acc_seg: 81.6515, loss: 0.4722, grad_norm: 3.9780 2023-11-13 23:16:26,567 - mmseg - INFO - Iter [54800/160000] lr: 1.253e-06, eta: 12:05:23, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2740, decode.acc_seg: 88.9134, aux.loss_ce: 0.1874, aux.acc_seg: 82.7299, loss: 0.4614, grad_norm: 4.4054 2023-11-13 23:16:46,464 - mmseg - INFO - Iter [54850/160000] lr: 1.252e-06, eta: 12:05:00, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2833, decode.acc_seg: 88.6627, aux.loss_ce: 0.1896, aux.acc_seg: 82.5416, loss: 0.4730, grad_norm: 5.0901 2023-11-13 23:17:06,432 - mmseg - INFO - Iter [54900/160000] lr: 1.251e-06, eta: 12:04:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2626, decode.acc_seg: 89.3040, aux.loss_ce: 0.1716, aux.acc_seg: 83.8081, loss: 0.4342, grad_norm: 3.5330 2023-11-13 23:17:26,292 - mmseg - INFO - Iter [54950/160000] lr: 1.251e-06, eta: 12:04:16, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2720, decode.acc_seg: 88.7063, aux.loss_ce: 0.1880, aux.acc_seg: 82.1482, loss: 0.4601, grad_norm: 3.9490 2023-11-13 23:17:46,400 - mmseg - INFO - Saving checkpoint at 55000 iterations 2023-11-13 23:17:54,530 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:17:54,530 - mmseg - INFO - Iter [55000/160000] lr: 1.250e-06, eta: 12:04:10, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2864, decode.acc_seg: 88.4829, aux.loss_ce: 0.2009, aux.acc_seg: 81.4867, loss: 0.4873, grad_norm: 4.1516 2023-11-13 23:18:14,930 - mmseg - INFO - Iter [55050/160000] lr: 1.250e-06, eta: 12:03:48, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2830, decode.acc_seg: 88.3791, aux.loss_ce: 0.1963, aux.acc_seg: 81.5338, loss: 0.4793, grad_norm: 3.8451 2023-11-13 23:18:34,999 - mmseg - INFO - Iter [55100/160000] lr: 1.249e-06, eta: 12:03:27, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2699, decode.acc_seg: 88.9024, aux.loss_ce: 0.1815, aux.acc_seg: 82.6382, loss: 0.4513, grad_norm: 3.9637 2023-11-13 23:18:54,890 - mmseg - INFO - Iter [55150/160000] lr: 1.248e-06, eta: 12:03:04, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2770, decode.acc_seg: 88.8331, aux.loss_ce: 0.1846, aux.acc_seg: 82.9112, loss: 0.4616, grad_norm: 5.2613 2023-11-13 23:19:14,976 - mmseg - INFO - Iter [55200/160000] lr: 1.248e-06, eta: 12:02:43, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2978, decode.acc_seg: 87.8574, aux.loss_ce: 0.2049, aux.acc_seg: 81.0770, loss: 0.5027, grad_norm: 4.6815 2023-11-13 23:19:34,881 - mmseg - INFO - Iter [55250/160000] lr: 1.247e-06, eta: 12:02:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2670, decode.acc_seg: 89.1276, aux.loss_ce: 0.1811, aux.acc_seg: 82.9980, loss: 0.4481, grad_norm: 4.1071 2023-11-13 23:19:54,782 - mmseg - INFO - Iter [55300/160000] lr: 1.247e-06, eta: 12:01:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2883, decode.acc_seg: 88.3704, aux.loss_ce: 0.2032, aux.acc_seg: 80.9096, loss: 0.4914, grad_norm: 4.4053 2023-11-13 23:20:14,718 - mmseg - INFO - Iter [55350/160000] lr: 1.246e-06, eta: 12:01:36, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2836, decode.acc_seg: 88.8030, aux.loss_ce: 0.1890, aux.acc_seg: 82.8816, loss: 0.4726, grad_norm: 5.7918 2023-11-13 23:20:34,623 - mmseg - INFO - Iter [55400/160000] lr: 1.245e-06, eta: 12:01:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2872, decode.acc_seg: 88.4120, aux.loss_ce: 0.1911, aux.acc_seg: 82.4057, loss: 0.4782, grad_norm: 5.4753 2023-11-13 23:20:54,672 - mmseg - INFO - Iter [55450/160000] lr: 1.245e-06, eta: 12:00:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2941, decode.acc_seg: 87.9206, aux.loss_ce: 0.1968, aux.acc_seg: 81.5875, loss: 0.4909, grad_norm: 4.9166 2023-11-13 23:21:14,860 - mmseg - INFO - Iter [55500/160000] lr: 1.244e-06, eta: 12:00:30, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2746, decode.acc_seg: 88.8727, aux.loss_ce: 0.1849, aux.acc_seg: 82.2633, loss: 0.4596, grad_norm: 3.9916 2023-11-13 23:21:35,039 - mmseg - INFO - Iter [55550/160000] lr: 1.244e-06, eta: 12:00:09, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2953, decode.acc_seg: 87.6836, aux.loss_ce: 0.1939, aux.acc_seg: 81.5883, loss: 0.4892, grad_norm: 3.8937 2023-11-13 23:21:57,254 - mmseg - INFO - Iter [55600/160000] lr: 1.243e-06, eta: 11:59:51, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2680, decode.acc_seg: 89.0725, aux.loss_ce: 0.1883, aux.acc_seg: 82.5135, loss: 0.4563, grad_norm: 4.5838 2023-11-13 23:22:17,308 - mmseg - INFO - Iter [55650/160000] lr: 1.242e-06, eta: 11:59:29, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2705, decode.acc_seg: 89.0523, aux.loss_ce: 0.1872, aux.acc_seg: 82.8894, loss: 0.4577, grad_norm: 4.4311 2023-11-13 23:22:37,324 - mmseg - INFO - Iter [55700/160000] lr: 1.242e-06, eta: 11:59:07, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2923, decode.acc_seg: 88.2742, aux.loss_ce: 0.1997, aux.acc_seg: 81.4710, loss: 0.4920, grad_norm: 5.3864 2023-11-13 23:22:57,218 - mmseg - INFO - Iter [55750/160000] lr: 1.241e-06, eta: 11:58:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2728, decode.acc_seg: 89.2666, aux.loss_ce: 0.1940, aux.acc_seg: 82.1256, loss: 0.4668, grad_norm: 3.5924 2023-11-13 23:23:17,205 - mmseg - INFO - Iter [55800/160000] lr: 1.241e-06, eta: 11:58:23, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2787, decode.acc_seg: 88.7678, aux.loss_ce: 0.1949, aux.acc_seg: 81.8537, loss: 0.4736, grad_norm: 3.8479 2023-11-13 23:23:37,284 - mmseg - INFO - Iter [55850/160000] lr: 1.240e-06, eta: 11:58:01, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2703, decode.acc_seg: 89.0946, aux.loss_ce: 0.1857, aux.acc_seg: 82.9334, loss: 0.4560, grad_norm: 3.8764 2023-11-13 23:23:57,245 - mmseg - INFO - Iter [55900/160000] lr: 1.239e-06, eta: 11:57:39, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2617, decode.acc_seg: 89.3846, aux.loss_ce: 0.1761, aux.acc_seg: 83.3671, loss: 0.4378, grad_norm: 3.5935 2023-11-13 23:24:17,439 - mmseg - INFO - Iter [55950/160000] lr: 1.239e-06, eta: 11:57:18, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2621, decode.acc_seg: 89.0528, aux.loss_ce: 0.1773, aux.acc_seg: 83.2456, loss: 0.4394, grad_norm: 3.7980 2023-11-13 23:24:37,582 - mmseg - INFO - Saving checkpoint at 56000 iterations 2023-11-13 23:24:45,478 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:24:45,478 - mmseg - INFO - Iter [56000/160000] lr: 1.238e-06, eta: 11:57:11, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2829, decode.acc_seg: 88.4877, aux.loss_ce: 0.1905, aux.acc_seg: 82.2456, loss: 0.4734, grad_norm: 4.5398 2023-11-13 23:25:05,677 - mmseg - INFO - Iter [56050/160000] lr: 1.238e-06, eta: 11:56:49, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2745, decode.acc_seg: 88.6126, aux.loss_ce: 0.1871, aux.acc_seg: 82.4121, loss: 0.4616, grad_norm: 4.2310 2023-11-13 23:25:25,723 - mmseg - INFO - Iter [56100/160000] lr: 1.237e-06, eta: 11:56:27, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2925, decode.acc_seg: 88.0695, aux.loss_ce: 0.1974, aux.acc_seg: 81.9841, loss: 0.4899, grad_norm: 4.7100 2023-11-13 23:25:45,722 - mmseg - INFO - Iter [56150/160000] lr: 1.236e-06, eta: 11:56:05, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2711, decode.acc_seg: 88.9037, aux.loss_ce: 0.1859, aux.acc_seg: 82.4227, loss: 0.4571, grad_norm: 3.9949 2023-11-13 23:26:05,686 - mmseg - INFO - Iter [56200/160000] lr: 1.236e-06, eta: 11:55:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2700, decode.acc_seg: 89.0944, aux.loss_ce: 0.1794, aux.acc_seg: 83.0086, loss: 0.4493, grad_norm: 4.0917 2023-11-13 23:26:25,620 - mmseg - INFO - Iter [56250/160000] lr: 1.235e-06, eta: 11:55:21, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2667, decode.acc_seg: 88.9688, aux.loss_ce: 0.1880, aux.acc_seg: 82.1192, loss: 0.4547, grad_norm: 4.8135 2023-11-13 23:26:45,645 - mmseg - INFO - Iter [56300/160000] lr: 1.235e-06, eta: 11:54:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2627, decode.acc_seg: 89.2161, aux.loss_ce: 0.1820, aux.acc_seg: 82.5917, loss: 0.4447, grad_norm: 4.6127 2023-11-13 23:27:05,762 - mmseg - INFO - Iter [56350/160000] lr: 1.234e-06, eta: 11:54:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.3021, decode.acc_seg: 88.0163, aux.loss_ce: 0.1981, aux.acc_seg: 81.7030, loss: 0.5002, grad_norm: 4.8197 2023-11-13 23:27:25,902 - mmseg - INFO - Iter [56400/160000] lr: 1.233e-06, eta: 11:54:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2746, decode.acc_seg: 89.0304, aux.loss_ce: 0.1819, aux.acc_seg: 83.1845, loss: 0.4565, grad_norm: 3.7437 2023-11-13 23:27:46,213 - mmseg - INFO - Iter [56450/160000] lr: 1.233e-06, eta: 11:53:54, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2816, decode.acc_seg: 88.9009, aux.loss_ce: 0.1882, aux.acc_seg: 82.8234, loss: 0.4699, grad_norm: 4.3229 2023-11-13 23:28:06,238 - mmseg - INFO - Iter [56500/160000] lr: 1.232e-06, eta: 11:53:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2880, decode.acc_seg: 88.4194, aux.loss_ce: 0.1967, aux.acc_seg: 81.2165, loss: 0.4847, grad_norm: 4.9718 2023-11-13 23:28:26,218 - mmseg - INFO - Iter [56550/160000] lr: 1.232e-06, eta: 11:53:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2699, decode.acc_seg: 88.7412, aux.loss_ce: 0.1822, aux.acc_seg: 83.0284, loss: 0.4521, grad_norm: 4.3232 2023-11-13 23:28:46,126 - mmseg - INFO - Iter [56600/160000] lr: 1.231e-06, eta: 11:52:48, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2737, decode.acc_seg: 89.0686, aux.loss_ce: 0.1828, aux.acc_seg: 83.1844, loss: 0.4565, grad_norm: 3.7588 2023-11-13 23:29:06,123 - mmseg - INFO - Iter [56650/160000] lr: 1.231e-06, eta: 11:52:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2739, decode.acc_seg: 88.5498, aux.loss_ce: 0.1839, aux.acc_seg: 82.8514, loss: 0.4578, grad_norm: 4.1382 2023-11-13 23:29:26,051 - mmseg - INFO - Iter [56700/160000] lr: 1.230e-06, eta: 11:52:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2743, decode.acc_seg: 88.7055, aux.loss_ce: 0.1815, aux.acc_seg: 82.6390, loss: 0.4558, grad_norm: 4.0089 2023-11-13 23:29:46,030 - mmseg - INFO - Iter [56750/160000] lr: 1.229e-06, eta: 11:51:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2986, decode.acc_seg: 87.9944, aux.loss_ce: 0.1964, aux.acc_seg: 81.7263, loss: 0.4950, grad_norm: 5.1495 2023-11-13 23:30:05,896 - mmseg - INFO - Iter [56800/160000] lr: 1.229e-06, eta: 11:51:20, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2887, decode.acc_seg: 88.1256, aux.loss_ce: 0.1969, aux.acc_seg: 81.3264, loss: 0.4857, grad_norm: 4.5321 2023-11-13 23:30:28,195 - mmseg - INFO - Iter [56850/160000] lr: 1.228e-06, eta: 11:51:03, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2793, decode.acc_seg: 88.8577, aux.loss_ce: 0.1902, aux.acc_seg: 82.1033, loss: 0.4695, grad_norm: 4.6068 2023-11-13 23:30:48,595 - mmseg - INFO - Iter [56900/160000] lr: 1.228e-06, eta: 11:50:41, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2751, decode.acc_seg: 89.0737, aux.loss_ce: 0.1883, aux.acc_seg: 82.9654, loss: 0.4634, grad_norm: 4.1437 2023-11-13 23:31:08,726 - mmseg - INFO - Iter [56950/160000] lr: 1.227e-06, eta: 11:50:20, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2624, decode.acc_seg: 89.0014, aux.loss_ce: 0.1818, aux.acc_seg: 82.5762, loss: 0.4442, grad_norm: 4.1449 2023-11-13 23:31:28,681 - mmseg - INFO - Saving checkpoint at 57000 iterations 2023-11-13 23:31:36,903 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:31:36,904 - mmseg - INFO - Iter [57000/160000] lr: 1.226e-06, eta: 11:50:13, time: 0.564, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2792, decode.acc_seg: 88.5424, aux.loss_ce: 0.1907, aux.acc_seg: 81.9653, loss: 0.4699, grad_norm: 3.9279 2023-11-13 23:31:56,962 - mmseg - INFO - Iter [57050/160000] lr: 1.226e-06, eta: 11:49:51, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2687, decode.acc_seg: 89.2675, aux.loss_ce: 0.1873, aux.acc_seg: 82.6575, loss: 0.4560, grad_norm: 4.0132 2023-11-13 23:32:16,885 - mmseg - INFO - Iter [57100/160000] lr: 1.225e-06, eta: 11:49:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2658, decode.acc_seg: 89.0767, aux.loss_ce: 0.1745, aux.acc_seg: 83.7423, loss: 0.4403, grad_norm: 3.6394 2023-11-13 23:32:36,776 - mmseg - INFO - Iter [57150/160000] lr: 1.225e-06, eta: 11:49:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2749, decode.acc_seg: 88.7324, aux.loss_ce: 0.1897, aux.acc_seg: 82.4428, loss: 0.4646, grad_norm: 4.0207 2023-11-13 23:32:56,791 - mmseg - INFO - Iter [57200/160000] lr: 1.224e-06, eta: 11:48:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2753, decode.acc_seg: 88.8890, aux.loss_ce: 0.1870, aux.acc_seg: 82.4604, loss: 0.4623, grad_norm: 4.7308 2023-11-13 23:33:16,991 - mmseg - INFO - Iter [57250/160000] lr: 1.223e-06, eta: 11:48:23, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2631, decode.acc_seg: 89.0758, aux.loss_ce: 0.1760, aux.acc_seg: 83.1910, loss: 0.4390, grad_norm: 3.7224 2023-11-13 23:33:37,050 - mmseg - INFO - Iter [57300/160000] lr: 1.223e-06, eta: 11:48:01, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2782, decode.acc_seg: 88.4519, aux.loss_ce: 0.1940, aux.acc_seg: 81.4803, loss: 0.4722, grad_norm: 3.9993 2023-11-13 23:33:57,324 - mmseg - INFO - Iter [57350/160000] lr: 1.222e-06, eta: 11:47:40, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2608, decode.acc_seg: 89.3738, aux.loss_ce: 0.1690, aux.acc_seg: 83.9301, loss: 0.4298, grad_norm: 3.5437 2023-11-13 23:34:17,379 - mmseg - INFO - Iter [57400/160000] lr: 1.222e-06, eta: 11:47:18, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2849, decode.acc_seg: 88.5126, aux.loss_ce: 0.1910, aux.acc_seg: 82.1327, loss: 0.4759, grad_norm: 4.1305 2023-11-13 23:34:37,269 - mmseg - INFO - Iter [57450/160000] lr: 1.221e-06, eta: 11:46:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2728, decode.acc_seg: 89.1219, aux.loss_ce: 0.1887, aux.acc_seg: 82.2950, loss: 0.4614, grad_norm: 3.7742 2023-11-13 23:34:57,310 - mmseg - INFO - Iter [57500/160000] lr: 1.220e-06, eta: 11:46:34, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2694, decode.acc_seg: 89.2336, aux.loss_ce: 0.1813, aux.acc_seg: 83.3180, loss: 0.4507, grad_norm: 3.5067 2023-11-13 23:35:17,264 - mmseg - INFO - Iter [57550/160000] lr: 1.220e-06, eta: 11:46:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2821, decode.acc_seg: 88.5140, aux.loss_ce: 0.1958, aux.acc_seg: 81.6598, loss: 0.4778, grad_norm: 4.4015 2023-11-13 23:35:37,210 - mmseg - INFO - Iter [57600/160000] lr: 1.219e-06, eta: 11:45:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2714, decode.acc_seg: 88.6504, aux.loss_ce: 0.1895, aux.acc_seg: 82.2732, loss: 0.4609, grad_norm: 4.6142 2023-11-13 23:35:57,316 - mmseg - INFO - Iter [57650/160000] lr: 1.219e-06, eta: 11:45:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2561, decode.acc_seg: 89.6449, aux.loss_ce: 0.1789, aux.acc_seg: 83.4554, loss: 0.4351, grad_norm: 3.7580 2023-11-13 23:36:17,225 - mmseg - INFO - Iter [57700/160000] lr: 1.218e-06, eta: 11:45:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2696, decode.acc_seg: 89.0029, aux.loss_ce: 0.1826, aux.acc_seg: 82.8941, loss: 0.4522, grad_norm: 4.0859 2023-11-13 23:36:37,300 - mmseg - INFO - Iter [57750/160000] lr: 1.217e-06, eta: 11:44:45, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2767, decode.acc_seg: 88.9513, aux.loss_ce: 0.1892, aux.acc_seg: 82.4682, loss: 0.4659, grad_norm: 3.9956 2023-11-13 23:36:57,480 - mmseg - INFO - Iter [57800/160000] lr: 1.217e-06, eta: 11:44:23, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2758, decode.acc_seg: 88.7785, aux.loss_ce: 0.1874, aux.acc_seg: 82.4326, loss: 0.4632, grad_norm: 5.2845 2023-11-13 23:37:17,596 - mmseg - INFO - Iter [57850/160000] lr: 1.216e-06, eta: 11:44:01, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2852, decode.acc_seg: 88.4931, aux.loss_ce: 0.1877, aux.acc_seg: 82.6423, loss: 0.4728, grad_norm: 3.5693 2023-11-13 23:37:37,462 - mmseg - INFO - Iter [57900/160000] lr: 1.216e-06, eta: 11:43:39, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2756, decode.acc_seg: 88.6159, aux.loss_ce: 0.1880, aux.acc_seg: 82.0563, loss: 0.4635, grad_norm: 4.0462 2023-11-13 23:37:57,323 - mmseg - INFO - Iter [57950/160000] lr: 1.215e-06, eta: 11:43:17, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2783, decode.acc_seg: 88.9269, aux.loss_ce: 0.1927, aux.acc_seg: 82.2889, loss: 0.4710, grad_norm: 4.6922 2023-11-13 23:38:17,303 - mmseg - INFO - Saving checkpoint at 58000 iterations 2023-11-13 23:38:25,412 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:38:25,413 - mmseg - INFO - Iter [58000/160000] lr: 1.214e-06, eta: 11:43:10, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2635, decode.acc_seg: 89.0636, aux.loss_ce: 0.1834, aux.acc_seg: 82.9484, loss: 0.4469, grad_norm: 4.0287 2023-11-13 23:38:45,424 - mmseg - INFO - Iter [58050/160000] lr: 1.214e-06, eta: 11:42:48, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2818, decode.acc_seg: 88.2570, aux.loss_ce: 0.1909, aux.acc_seg: 81.8006, loss: 0.4727, grad_norm: 4.1978 2023-11-13 23:39:07,647 - mmseg - INFO - Iter [58100/160000] lr: 1.213e-06, eta: 11:42:30, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2889, decode.acc_seg: 88.5519, aux.loss_ce: 0.1898, aux.acc_seg: 82.6558, loss: 0.4787, grad_norm: 3.7609 2023-11-13 23:39:27,559 - mmseg - INFO - Iter [58150/160000] lr: 1.213e-06, eta: 11:42:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2644, decode.acc_seg: 89.4718, aux.loss_ce: 0.1798, aux.acc_seg: 83.6124, loss: 0.4442, grad_norm: 3.3953 2023-11-13 23:39:47,607 - mmseg - INFO - Iter [58200/160000] lr: 1.212e-06, eta: 11:41:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2522, decode.acc_seg: 89.9144, aux.loss_ce: 0.1798, aux.acc_seg: 83.5322, loss: 0.4321, grad_norm: 3.7407 2023-11-13 23:40:07,829 - mmseg - INFO - Iter [58250/160000] lr: 1.211e-06, eta: 11:41:25, time: 0.406, data_time: 0.008, memory: 16105, decode.loss_ce: 0.2628, decode.acc_seg: 89.1879, aux.loss_ce: 0.1812, aux.acc_seg: 83.0602, loss: 0.4439, grad_norm: 3.8398 2023-11-13 23:40:28,034 - mmseg - INFO - Iter [58300/160000] lr: 1.211e-06, eta: 11:41:03, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2720, decode.acc_seg: 89.0371, aux.loss_ce: 0.1808, aux.acc_seg: 83.4530, loss: 0.4528, grad_norm: 3.7993 2023-11-13 23:40:48,126 - mmseg - INFO - Iter [58350/160000] lr: 1.210e-06, eta: 11:40:41, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2823, decode.acc_seg: 88.5767, aux.loss_ce: 0.1915, aux.acc_seg: 82.1160, loss: 0.4738, grad_norm: 4.3841 2023-11-13 23:41:08,037 - mmseg - INFO - Iter [58400/160000] lr: 1.210e-06, eta: 11:40:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2715, decode.acc_seg: 88.9075, aux.loss_ce: 0.1846, aux.acc_seg: 82.8045, loss: 0.4560, grad_norm: 4.1317 2023-11-13 23:41:27,927 - mmseg - INFO - Iter [58450/160000] lr: 1.209e-06, eta: 11:39:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2791, decode.acc_seg: 88.6445, aux.loss_ce: 0.1899, aux.acc_seg: 82.4446, loss: 0.4690, grad_norm: 4.3228 2023-11-13 23:41:47,989 - mmseg - INFO - Iter [58500/160000] lr: 1.208e-06, eta: 11:39:36, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2740, decode.acc_seg: 88.7559, aux.loss_ce: 0.1895, aux.acc_seg: 82.0845, loss: 0.4635, grad_norm: 4.1552 2023-11-13 23:42:07,886 - mmseg - INFO - Iter [58550/160000] lr: 1.208e-06, eta: 11:39:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2793, decode.acc_seg: 88.6829, aux.loss_ce: 0.1899, aux.acc_seg: 82.1041, loss: 0.4692, grad_norm: 4.5949 2023-11-13 23:42:27,932 - mmseg - INFO - Iter [58600/160000] lr: 1.207e-06, eta: 11:38:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2690, decode.acc_seg: 89.5792, aux.loss_ce: 0.1814, aux.acc_seg: 83.7996, loss: 0.4504, grad_norm: 3.8871 2023-11-13 23:42:47,912 - mmseg - INFO - Iter [58650/160000] lr: 1.207e-06, eta: 11:38:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2684, decode.acc_seg: 88.8602, aux.loss_ce: 0.1850, aux.acc_seg: 83.0971, loss: 0.4534, grad_norm: 3.7591 2023-11-13 23:43:08,224 - mmseg - INFO - Iter [58700/160000] lr: 1.206e-06, eta: 11:38:08, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2805, decode.acc_seg: 88.6658, aux.loss_ce: 0.1893, aux.acc_seg: 82.6377, loss: 0.4698, grad_norm: 4.2094 2023-11-13 23:43:28,490 - mmseg - INFO - Iter [58750/160000] lr: 1.206e-06, eta: 11:37:47, time: 0.407, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2810, decode.acc_seg: 88.3928, aux.loss_ce: 0.1911, aux.acc_seg: 82.3042, loss: 0.4721, grad_norm: 4.2833 2023-11-13 23:43:48,492 - mmseg - INFO - Iter [58800/160000] lr: 1.205e-06, eta: 11:37:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2753, decode.acc_seg: 88.8106, aux.loss_ce: 0.1878, aux.acc_seg: 82.6039, loss: 0.4631, grad_norm: 4.0114 2023-11-13 23:44:08,478 - mmseg - INFO - Iter [58850/160000] lr: 1.204e-06, eta: 11:37:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2650, decode.acc_seg: 89.3519, aux.loss_ce: 0.1805, aux.acc_seg: 82.9777, loss: 0.4455, grad_norm: 3.7385 2023-11-13 23:44:28,458 - mmseg - INFO - Iter [58900/160000] lr: 1.204e-06, eta: 11:36:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2756, decode.acc_seg: 88.4871, aux.loss_ce: 0.1877, aux.acc_seg: 81.8719, loss: 0.4633, grad_norm: 4.8739 2023-11-13 23:44:48,330 - mmseg - INFO - Iter [58950/160000] lr: 1.203e-06, eta: 11:36:20, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2836, decode.acc_seg: 88.5710, aux.loss_ce: 0.1854, aux.acc_seg: 82.7487, loss: 0.4690, grad_norm: 4.2029 2023-11-13 23:45:08,288 - mmseg - INFO - Saving checkpoint at 59000 iterations 2023-11-13 23:45:15,838 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:45:15,838 - mmseg - INFO - Iter [59000/160000] lr: 1.203e-06, eta: 11:36:11, time: 0.550, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2591, decode.acc_seg: 88.9234, aux.loss_ce: 0.1731, aux.acc_seg: 83.4161, loss: 0.4322, grad_norm: 4.1492 2023-11-13 23:45:35,779 - mmseg - INFO - Iter [59050/160000] lr: 1.202e-06, eta: 11:35:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2472, decode.acc_seg: 89.8582, aux.loss_ce: 0.1694, aux.acc_seg: 84.2928, loss: 0.4166, grad_norm: 3.8478 2023-11-13 23:45:55,761 - mmseg - INFO - Iter [59100/160000] lr: 1.201e-06, eta: 11:35:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2803, decode.acc_seg: 88.4954, aux.loss_ce: 0.1885, aux.acc_seg: 82.0912, loss: 0.4688, grad_norm: 4.1705 2023-11-13 23:46:15,877 - mmseg - INFO - Iter [59150/160000] lr: 1.201e-06, eta: 11:35:05, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2750, decode.acc_seg: 88.8653, aux.loss_ce: 0.1819, aux.acc_seg: 83.2338, loss: 0.4568, grad_norm: 4.1543 2023-11-13 23:46:36,246 - mmseg - INFO - Iter [59200/160000] lr: 1.200e-06, eta: 11:34:44, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2718, decode.acc_seg: 89.0377, aux.loss_ce: 0.1857, aux.acc_seg: 82.7794, loss: 0.4575, grad_norm: 4.0871 2023-11-13 23:46:56,507 - mmseg - INFO - Iter [59250/160000] lr: 1.200e-06, eta: 11:34:23, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2542, decode.acc_seg: 89.7772, aux.loss_ce: 0.1743, aux.acc_seg: 83.5133, loss: 0.4285, grad_norm: 3.6600 2023-11-13 23:47:16,376 - mmseg - INFO - Iter [59300/160000] lr: 1.199e-06, eta: 11:34:01, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2627, decode.acc_seg: 89.4845, aux.loss_ce: 0.1811, aux.acc_seg: 83.3558, loss: 0.4438, grad_norm: 4.1498 2023-11-13 23:47:36,258 - mmseg - INFO - Iter [59350/160000] lr: 1.198e-06, eta: 11:33:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2853, decode.acc_seg: 88.2671, aux.loss_ce: 0.1919, aux.acc_seg: 82.3084, loss: 0.4772, grad_norm: 5.1501 2023-11-13 23:47:58,514 - mmseg - INFO - Iter [59400/160000] lr: 1.198e-06, eta: 11:33:20, time: 0.445, data_time: 0.048, memory: 16105, decode.loss_ce: 0.2605, decode.acc_seg: 89.7485, aux.loss_ce: 0.1853, aux.acc_seg: 83.4523, loss: 0.4458, grad_norm: 3.4260 2023-11-13 23:48:18,419 - mmseg - INFO - Iter [59450/160000] lr: 1.197e-06, eta: 11:32:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2774, decode.acc_seg: 88.6334, aux.loss_ce: 0.1859, aux.acc_seg: 82.6157, loss: 0.4633, grad_norm: 4.1505 2023-11-13 23:48:38,394 - mmseg - INFO - Iter [59500/160000] lr: 1.197e-06, eta: 11:32:37, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2561, decode.acc_seg: 89.3599, aux.loss_ce: 0.1769, aux.acc_seg: 83.1749, loss: 0.4331, grad_norm: 3.9531 2023-11-13 23:48:58,363 - mmseg - INFO - Iter [59550/160000] lr: 1.196e-06, eta: 11:32:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2737, decode.acc_seg: 89.0098, aux.loss_ce: 0.1812, aux.acc_seg: 83.0526, loss: 0.4549, grad_norm: 3.8569 2023-11-13 23:49:18,380 - mmseg - INFO - Iter [59600/160000] lr: 1.195e-06, eta: 11:31:53, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2615, decode.acc_seg: 89.2393, aux.loss_ce: 0.1765, aux.acc_seg: 83.0940, loss: 0.4380, grad_norm: 4.2831 2023-11-13 23:49:38,728 - mmseg - INFO - Iter [59650/160000] lr: 1.195e-06, eta: 11:31:32, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2602, decode.acc_seg: 89.6821, aux.loss_ce: 0.1814, aux.acc_seg: 83.1951, loss: 0.4416, grad_norm: 3.7141 2023-11-13 23:49:58,798 - mmseg - INFO - Iter [59700/160000] lr: 1.194e-06, eta: 11:31:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2583, decode.acc_seg: 89.0839, aux.loss_ce: 0.1884, aux.acc_seg: 82.3628, loss: 0.4466, grad_norm: 3.9491 2023-11-13 23:50:18,791 - mmseg - INFO - Iter [59750/160000] lr: 1.194e-06, eta: 11:30:48, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2646, decode.acc_seg: 89.3955, aux.loss_ce: 0.1810, aux.acc_seg: 82.9957, loss: 0.4456, grad_norm: 3.9240 2023-11-13 23:50:38,727 - mmseg - INFO - Iter [59800/160000] lr: 1.193e-06, eta: 11:30:26, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2685, decode.acc_seg: 89.0829, aux.loss_ce: 0.1832, aux.acc_seg: 82.9099, loss: 0.4516, grad_norm: 3.7907 2023-11-13 23:50:58,625 - mmseg - INFO - Iter [59850/160000] lr: 1.192e-06, eta: 11:30:04, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2668, decode.acc_seg: 89.3751, aux.loss_ce: 0.1812, aux.acc_seg: 83.2346, loss: 0.4480, grad_norm: 3.8903 2023-11-13 23:51:18,621 - mmseg - INFO - Iter [59900/160000] lr: 1.192e-06, eta: 11:29:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2648, decode.acc_seg: 88.9642, aux.loss_ce: 0.1851, aux.acc_seg: 81.9397, loss: 0.4499, grad_norm: 4.0570 2023-11-13 23:51:38,502 - mmseg - INFO - Iter [59950/160000] lr: 1.191e-06, eta: 11:29:21, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2628, decode.acc_seg: 89.2110, aux.loss_ce: 0.1860, aux.acc_seg: 82.5749, loss: 0.4488, grad_norm: 3.7656 2023-11-13 23:51:58,440 - mmseg - INFO - Saving checkpoint at 60000 iterations 2023-11-13 23:52:06,665 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:52:06,665 - mmseg - INFO - Iter [60000/160000] lr: 1.191e-06, eta: 11:29:12, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2627, decode.acc_seg: 89.3195, aux.loss_ce: 0.1797, aux.acc_seg: 82.9627, loss: 0.4424, grad_norm: 3.7035 2023-11-13 23:52:26,877 - mmseg - INFO - Iter [60050/160000] lr: 1.190e-06, eta: 11:28:51, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2651, decode.acc_seg: 89.5110, aux.loss_ce: 0.1815, aux.acc_seg: 83.1306, loss: 0.4466, grad_norm: 4.2181 2023-11-13 23:52:47,056 - mmseg - INFO - Iter [60100/160000] lr: 1.189e-06, eta: 11:28:29, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2768, decode.acc_seg: 88.9965, aux.loss_ce: 0.1851, aux.acc_seg: 82.8635, loss: 0.4619, grad_norm: 3.5136 2023-11-13 23:53:07,377 - mmseg - INFO - Iter [60150/160000] lr: 1.189e-06, eta: 11:28:08, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2587, decode.acc_seg: 89.5676, aux.loss_ce: 0.1785, aux.acc_seg: 83.5011, loss: 0.4372, grad_norm: 4.0168 2023-11-13 23:53:27,394 - mmseg - INFO - Iter [60200/160000] lr: 1.188e-06, eta: 11:27:46, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2749, decode.acc_seg: 88.7769, aux.loss_ce: 0.1912, aux.acc_seg: 81.8644, loss: 0.4661, grad_norm: 4.1488 2023-11-13 23:53:47,357 - mmseg - INFO - Iter [60250/160000] lr: 1.188e-06, eta: 11:27:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2917, decode.acc_seg: 88.6653, aux.loss_ce: 0.1941, aux.acc_seg: 82.2199, loss: 0.4858, grad_norm: 5.7404 2023-11-13 23:54:07,276 - mmseg - INFO - Iter [60300/160000] lr: 1.187e-06, eta: 11:27:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2629, decode.acc_seg: 89.1354, aux.loss_ce: 0.1765, aux.acc_seg: 83.1974, loss: 0.4394, grad_norm: 4.3454 2023-11-13 23:54:27,177 - mmseg - INFO - Iter [60350/160000] lr: 1.186e-06, eta: 11:26:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2667, decode.acc_seg: 88.9601, aux.loss_ce: 0.1838, aux.acc_seg: 82.6646, loss: 0.4505, grad_norm: 4.8645 2023-11-13 23:54:47,174 - mmseg - INFO - Iter [60400/160000] lr: 1.186e-06, eta: 11:26:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2753, decode.acc_seg: 88.8103, aux.loss_ce: 0.1829, aux.acc_seg: 82.8126, loss: 0.4582, grad_norm: 4.3990 2023-11-13 23:55:07,238 - mmseg - INFO - Iter [60450/160000] lr: 1.185e-06, eta: 11:25:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2711, decode.acc_seg: 88.9416, aux.loss_ce: 0.1817, aux.acc_seg: 83.4349, loss: 0.4527, grad_norm: 4.3221 2023-11-13 23:55:27,269 - mmseg - INFO - Iter [60500/160000] lr: 1.185e-06, eta: 11:25:36, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2584, decode.acc_seg: 89.2156, aux.loss_ce: 0.1857, aux.acc_seg: 82.8171, loss: 0.4441, grad_norm: 4.0050 2023-11-13 23:55:47,437 - mmseg - INFO - Iter [60550/160000] lr: 1.184e-06, eta: 11:25:14, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2687, decode.acc_seg: 89.3396, aux.loss_ce: 0.1852, aux.acc_seg: 82.9619, loss: 0.4539, grad_norm: 3.6677 2023-11-13 23:56:07,800 - mmseg - INFO - Iter [60600/160000] lr: 1.183e-06, eta: 11:24:53, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2631, decode.acc_seg: 89.4230, aux.loss_ce: 0.1823, aux.acc_seg: 82.7040, loss: 0.4454, grad_norm: 4.9571 2023-11-13 23:56:30,159 - mmseg - INFO - Iter [60650/160000] lr: 1.183e-06, eta: 11:24:35, time: 0.447, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2612, decode.acc_seg: 89.1640, aux.loss_ce: 0.1714, aux.acc_seg: 83.6139, loss: 0.4325, grad_norm: 3.7346 2023-11-13 23:56:50,182 - mmseg - INFO - Iter [60700/160000] lr: 1.182e-06, eta: 11:24:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2632, decode.acc_seg: 89.6222, aux.loss_ce: 0.1925, aux.acc_seg: 82.2670, loss: 0.4557, grad_norm: 3.9809 2023-11-13 23:57:10,155 - mmseg - INFO - Iter [60750/160000] lr: 1.182e-06, eta: 11:23:51, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2582, decode.acc_seg: 89.5077, aux.loss_ce: 0.1836, aux.acc_seg: 82.9200, loss: 0.4418, grad_norm: 3.8259 2023-11-13 23:57:30,174 - mmseg - INFO - Iter [60800/160000] lr: 1.181e-06, eta: 11:23:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2568, decode.acc_seg: 89.3557, aux.loss_ce: 0.1813, aux.acc_seg: 82.9227, loss: 0.4381, grad_norm: 3.3736 2023-11-13 23:57:50,200 - mmseg - INFO - Iter [60850/160000] lr: 1.180e-06, eta: 11:23:08, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2581, decode.acc_seg: 89.2699, aux.loss_ce: 0.1800, aux.acc_seg: 83.0732, loss: 0.4381, grad_norm: 3.7538 2023-11-13 23:58:10,234 - mmseg - INFO - Iter [60900/160000] lr: 1.180e-06, eta: 11:22:46, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2524, decode.acc_seg: 89.6094, aux.loss_ce: 0.1772, aux.acc_seg: 83.5629, loss: 0.4296, grad_norm: 4.0395 2023-11-13 23:58:30,171 - mmseg - INFO - Iter [60950/160000] lr: 1.179e-06, eta: 11:22:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2689, decode.acc_seg: 88.8568, aux.loss_ce: 0.1814, aux.acc_seg: 83.0180, loss: 0.4504, grad_norm: 4.0295 2023-11-13 23:58:50,327 - mmseg - INFO - Saving checkpoint at 61000 iterations 2023-11-13 23:58:58,478 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-13 23:58:58,478 - mmseg - INFO - Iter [61000/160000] lr: 1.179e-06, eta: 11:22:16, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2520, decode.acc_seg: 89.7853, aux.loss_ce: 0.1706, aux.acc_seg: 84.0902, loss: 0.4226, grad_norm: 3.8048 2023-11-13 23:59:18,917 - mmseg - INFO - Iter [61050/160000] lr: 1.178e-06, eta: 11:21:55, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2580, decode.acc_seg: 89.4515, aux.loss_ce: 0.1813, aux.acc_seg: 82.5084, loss: 0.4393, grad_norm: 4.5526 2023-11-13 23:59:38,947 - mmseg - INFO - Iter [61100/160000] lr: 1.178e-06, eta: 11:21:33, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2633, decode.acc_seg: 88.9962, aux.loss_ce: 0.1828, aux.acc_seg: 82.4993, loss: 0.4461, grad_norm: 3.7878 2023-11-13 23:59:58,935 - mmseg - INFO - Iter [61150/160000] lr: 1.177e-06, eta: 11:21:12, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2697, decode.acc_seg: 89.4120, aux.loss_ce: 0.1849, aux.acc_seg: 82.7847, loss: 0.4547, grad_norm: 3.8591 2023-11-14 00:00:18,853 - mmseg - INFO - Iter [61200/160000] lr: 1.176e-06, eta: 11:20:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2557, decode.acc_seg: 89.7785, aux.loss_ce: 0.1824, aux.acc_seg: 82.9158, loss: 0.4381, grad_norm: 3.8712 2023-11-14 00:00:38,877 - mmseg - INFO - Iter [61250/160000] lr: 1.176e-06, eta: 11:20:28, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2768, decode.acc_seg: 88.9499, aux.loss_ce: 0.1866, aux.acc_seg: 82.7966, loss: 0.4635, grad_norm: 4.4120 2023-11-14 00:00:58,767 - mmseg - INFO - Iter [61300/160000] lr: 1.175e-06, eta: 11:20:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2505, decode.acc_seg: 89.5324, aux.loss_ce: 0.1733, aux.acc_seg: 83.7977, loss: 0.4239, grad_norm: 3.9075 2023-11-14 00:01:18,722 - mmseg - INFO - Iter [61350/160000] lr: 1.175e-06, eta: 11:19:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2560, decode.acc_seg: 89.5971, aux.loss_ce: 0.1753, aux.acc_seg: 83.8079, loss: 0.4313, grad_norm: 3.7673 2023-11-14 00:01:38,637 - mmseg - INFO - Iter [61400/160000] lr: 1.174e-06, eta: 11:19:22, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2614, decode.acc_seg: 89.3983, aux.loss_ce: 0.1823, aux.acc_seg: 83.2110, loss: 0.4437, grad_norm: 3.5053 2023-11-14 00:01:58,926 - mmseg - INFO - Iter [61450/160000] lr: 1.173e-06, eta: 11:19:01, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2630, decode.acc_seg: 89.1916, aux.loss_ce: 0.1794, aux.acc_seg: 82.9345, loss: 0.4424, grad_norm: 4.6820 2023-11-14 00:02:19,192 - mmseg - INFO - Iter [61500/160000] lr: 1.173e-06, eta: 11:18:40, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2758, decode.acc_seg: 89.0491, aux.loss_ce: 0.1812, aux.acc_seg: 83.1956, loss: 0.4570, grad_norm: 4.4315 2023-11-14 00:02:39,300 - mmseg - INFO - Iter [61550/160000] lr: 1.172e-06, eta: 11:18:18, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2616, decode.acc_seg: 89.4391, aux.loss_ce: 0.1789, aux.acc_seg: 83.0857, loss: 0.4406, grad_norm: 4.0282 2023-11-14 00:02:59,374 - mmseg - INFO - Iter [61600/160000] lr: 1.172e-06, eta: 11:17:56, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2623, decode.acc_seg: 89.4117, aux.loss_ce: 0.1796, aux.acc_seg: 82.8340, loss: 0.4419, grad_norm: 3.8973 2023-11-14 00:03:19,298 - mmseg - INFO - Iter [61650/160000] lr: 1.171e-06, eta: 11:17:35, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2529, decode.acc_seg: 89.5966, aux.loss_ce: 0.1712, aux.acc_seg: 83.8794, loss: 0.4242, grad_norm: 3.4444 2023-11-14 00:03:39,358 - mmseg - INFO - Iter [61700/160000] lr: 1.170e-06, eta: 11:17:13, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2764, decode.acc_seg: 88.6033, aux.loss_ce: 0.1805, aux.acc_seg: 82.8327, loss: 0.4569, grad_norm: 4.3409 2023-11-14 00:03:59,263 - mmseg - INFO - Iter [61750/160000] lr: 1.170e-06, eta: 11:16:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2673, decode.acc_seg: 89.2462, aux.loss_ce: 0.1821, aux.acc_seg: 83.3255, loss: 0.4494, grad_norm: 4.1051 2023-11-14 00:04:19,165 - mmseg - INFO - Iter [61800/160000] lr: 1.169e-06, eta: 11:16:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2745, decode.acc_seg: 88.8839, aux.loss_ce: 0.1850, aux.acc_seg: 83.0119, loss: 0.4595, grad_norm: 4.6654 2023-11-14 00:04:39,149 - mmseg - INFO - Iter [61850/160000] lr: 1.169e-06, eta: 11:16:07, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2578, decode.acc_seg: 89.4367, aux.loss_ce: 0.1779, aux.acc_seg: 83.4927, loss: 0.4358, grad_norm: 4.0756 2023-11-14 00:05:01,424 - mmseg - INFO - Iter [61900/160000] lr: 1.168e-06, eta: 11:15:49, time: 0.445, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2553, decode.acc_seg: 89.6801, aux.loss_ce: 0.1848, aux.acc_seg: 82.7260, loss: 0.4401, grad_norm: 4.1666 2023-11-14 00:05:21,785 - mmseg - INFO - Iter [61950/160000] lr: 1.167e-06, eta: 11:15:28, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2448, decode.acc_seg: 90.0612, aux.loss_ce: 0.1723, aux.acc_seg: 83.3970, loss: 0.4171, grad_norm: 3.2836 2023-11-14 00:05:41,953 - mmseg - INFO - Saving checkpoint at 62000 iterations 2023-11-14 00:05:50,002 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:05:50,002 - mmseg - INFO - Iter [62000/160000] lr: 1.167e-06, eta: 11:15:19, time: 0.564, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2556, decode.acc_seg: 89.7244, aux.loss_ce: 0.1714, aux.acc_seg: 84.0115, loss: 0.4269, grad_norm: 3.9373 2023-11-14 00:06:09,990 - mmseg - INFO - Iter [62050/160000] lr: 1.166e-06, eta: 11:14:58, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2766, decode.acc_seg: 88.6787, aux.loss_ce: 0.1881, aux.acc_seg: 82.2534, loss: 0.4648, grad_norm: 4.2220 2023-11-14 00:06:29,874 - mmseg - INFO - Iter [62100/160000] lr: 1.166e-06, eta: 11:14:36, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2761, decode.acc_seg: 88.7611, aux.loss_ce: 0.1854, aux.acc_seg: 82.6084, loss: 0.4615, grad_norm: 3.6435 2023-11-14 00:06:49,796 - mmseg - INFO - Iter [62150/160000] lr: 1.165e-06, eta: 11:14:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2791, decode.acc_seg: 88.9596, aux.loss_ce: 0.1937, aux.acc_seg: 82.3046, loss: 0.4727, grad_norm: 4.3894 2023-11-14 00:07:09,674 - mmseg - INFO - Iter [62200/160000] lr: 1.164e-06, eta: 11:13:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2657, decode.acc_seg: 89.2846, aux.loss_ce: 0.1781, aux.acc_seg: 83.4413, loss: 0.4439, grad_norm: 3.9971 2023-11-14 00:07:29,577 - mmseg - INFO - Iter [62250/160000] lr: 1.164e-06, eta: 11:13:30, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2685, decode.acc_seg: 88.6258, aux.loss_ce: 0.1790, aux.acc_seg: 82.8516, loss: 0.4476, grad_norm: 4.7052 2023-11-14 00:07:49,432 - mmseg - INFO - Iter [62300/160000] lr: 1.163e-06, eta: 11:13:08, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2561, decode.acc_seg: 89.8303, aux.loss_ce: 0.1804, aux.acc_seg: 83.4665, loss: 0.4365, grad_norm: 4.0758 2023-11-14 00:08:09,371 - mmseg - INFO - Iter [62350/160000] lr: 1.163e-06, eta: 11:12:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2586, decode.acc_seg: 89.5205, aux.loss_ce: 0.1789, aux.acc_seg: 83.8411, loss: 0.4375, grad_norm: 3.8809 2023-11-14 00:08:29,517 - mmseg - INFO - Iter [62400/160000] lr: 1.162e-06, eta: 11:12:25, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2600, decode.acc_seg: 89.3436, aux.loss_ce: 0.1769, aux.acc_seg: 83.5421, loss: 0.4369, grad_norm: 4.2178 2023-11-14 00:08:49,632 - mmseg - INFO - Iter [62450/160000] lr: 1.161e-06, eta: 11:12:03, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2708, decode.acc_seg: 89.4120, aux.loss_ce: 0.1844, aux.acc_seg: 83.1402, loss: 0.4552, grad_norm: 3.6443 2023-11-14 00:09:09,635 - mmseg - INFO - Iter [62500/160000] lr: 1.161e-06, eta: 11:11:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2662, decode.acc_seg: 89.0868, aux.loss_ce: 0.1964, aux.acc_seg: 81.8055, loss: 0.4625, grad_norm: 4.3305 2023-11-14 00:09:29,588 - mmseg - INFO - Iter [62550/160000] lr: 1.160e-06, eta: 11:11:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2462, decode.acc_seg: 89.7936, aux.loss_ce: 0.1717, aux.acc_seg: 83.6152, loss: 0.4179, grad_norm: 3.5312 2023-11-14 00:09:49,590 - mmseg - INFO - Iter [62600/160000] lr: 1.160e-06, eta: 11:10:58, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2520, decode.acc_seg: 89.6580, aux.loss_ce: 0.1765, aux.acc_seg: 83.3893, loss: 0.4284, grad_norm: 3.9766 2023-11-14 00:10:09,553 - mmseg - INFO - Iter [62650/160000] lr: 1.159e-06, eta: 11:10:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2530, decode.acc_seg: 89.9424, aux.loss_ce: 0.1751, aux.acc_seg: 83.9190, loss: 0.4282, grad_norm: 3.9515 2023-11-14 00:10:29,464 - mmseg - INFO - Iter [62700/160000] lr: 1.158e-06, eta: 11:10:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2665, decode.acc_seg: 89.2877, aux.loss_ce: 0.1818, aux.acc_seg: 82.7431, loss: 0.4483, grad_norm: 4.7114 2023-11-14 00:10:49,387 - mmseg - INFO - Iter [62750/160000] lr: 1.158e-06, eta: 11:09:53, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2580, decode.acc_seg: 89.4400, aux.loss_ce: 0.1835, aux.acc_seg: 83.1288, loss: 0.4415, grad_norm: 3.8093 2023-11-14 00:11:09,492 - mmseg - INFO - Iter [62800/160000] lr: 1.157e-06, eta: 11:09:31, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2510, decode.acc_seg: 89.6492, aux.loss_ce: 0.1741, aux.acc_seg: 83.3679, loss: 0.4251, grad_norm: 3.4615 2023-11-14 00:11:29,667 - mmseg - INFO - Iter [62850/160000] lr: 1.157e-06, eta: 11:09:10, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2540, decode.acc_seg: 89.6173, aux.loss_ce: 0.1781, aux.acc_seg: 83.3167, loss: 0.4321, grad_norm: 3.3075 2023-11-14 00:11:50,116 - mmseg - INFO - Iter [62900/160000] lr: 1.156e-06, eta: 11:08:49, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2610, decode.acc_seg: 89.1267, aux.loss_ce: 0.1778, aux.acc_seg: 83.2297, loss: 0.4388, grad_norm: 3.7618 2023-11-14 00:12:10,130 - mmseg - INFO - Iter [62950/160000] lr: 1.155e-06, eta: 11:08:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2633, decode.acc_seg: 89.2177, aux.loss_ce: 0.1888, aux.acc_seg: 82.3934, loss: 0.4521, grad_norm: 4.0198 2023-11-14 00:12:30,112 - mmseg - INFO - Saving checkpoint at 63000 iterations 2023-11-14 00:12:38,588 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:12:38,588 - mmseg - INFO - Iter [63000/160000] lr: 1.155e-06, eta: 11:08:18, time: 0.569, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2659, decode.acc_seg: 89.1731, aux.loss_ce: 0.1793, aux.acc_seg: 83.2808, loss: 0.4452, grad_norm: 3.9159 2023-11-14 00:12:58,627 - mmseg - INFO - Iter [63050/160000] lr: 1.154e-06, eta: 11:07:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2498, decode.acc_seg: 89.6984, aux.loss_ce: 0.1781, aux.acc_seg: 83.3149, loss: 0.4278, grad_norm: 3.3632 2023-11-14 00:13:18,572 - mmseg - INFO - Iter [63100/160000] lr: 1.154e-06, eta: 11:07:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2745, decode.acc_seg: 89.0866, aux.loss_ce: 0.1852, aux.acc_seg: 83.0935, loss: 0.4597, grad_norm: 5.1613 2023-11-14 00:13:38,471 - mmseg - INFO - Iter [63150/160000] lr: 1.153e-06, eta: 11:07:13, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2531, decode.acc_seg: 89.5200, aux.loss_ce: 0.1698, aux.acc_seg: 84.0448, loss: 0.4230, grad_norm: 3.9836 2023-11-14 00:14:00,797 - mmseg - INFO - Iter [63200/160000] lr: 1.153e-06, eta: 11:06:55, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2571, decode.acc_seg: 89.2961, aux.loss_ce: 0.1776, aux.acc_seg: 82.8474, loss: 0.4346, grad_norm: 4.2076 2023-11-14 00:14:20,715 - mmseg - INFO - Iter [63250/160000] lr: 1.152e-06, eta: 11:06:33, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2712, decode.acc_seg: 89.2671, aux.loss_ce: 0.1929, aux.acc_seg: 82.5653, loss: 0.4641, grad_norm: 3.9826 2023-11-14 00:14:40,885 - mmseg - INFO - Iter [63300/160000] lr: 1.151e-06, eta: 11:06:12, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2529, decode.acc_seg: 89.6920, aux.loss_ce: 0.1735, aux.acc_seg: 83.7673, loss: 0.4265, grad_norm: 3.6203 2023-11-14 00:15:01,370 - mmseg - INFO - Iter [63350/160000] lr: 1.151e-06, eta: 11:05:51, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2540, decode.acc_seg: 89.4441, aux.loss_ce: 0.1801, aux.acc_seg: 83.2285, loss: 0.4341, grad_norm: 3.9458 2023-11-14 00:15:21,599 - mmseg - INFO - Iter [63400/160000] lr: 1.150e-06, eta: 11:05:30, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2647, decode.acc_seg: 89.4716, aux.loss_ce: 0.1921, aux.acc_seg: 82.4746, loss: 0.4569, grad_norm: 3.6988 2023-11-14 00:15:41,614 - mmseg - INFO - Iter [63450/160000] lr: 1.150e-06, eta: 11:05:08, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2494, decode.acc_seg: 89.5964, aux.loss_ce: 0.1659, aux.acc_seg: 83.6320, loss: 0.4154, grad_norm: 4.7782 2023-11-14 00:16:01,517 - mmseg - INFO - Iter [63500/160000] lr: 1.149e-06, eta: 11:04:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2608, decode.acc_seg: 89.0773, aux.loss_ce: 0.1815, aux.acc_seg: 82.5158, loss: 0.4423, grad_norm: 4.7347 2023-11-14 00:16:21,373 - mmseg - INFO - Iter [63550/160000] lr: 1.148e-06, eta: 11:04:24, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2527, decode.acc_seg: 89.5008, aux.loss_ce: 0.1732, aux.acc_seg: 83.6031, loss: 0.4258, grad_norm: 4.3050 2023-11-14 00:16:41,304 - mmseg - INFO - Iter [63600/160000] lr: 1.148e-06, eta: 11:04:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2701, decode.acc_seg: 89.0460, aux.loss_ce: 0.1833, aux.acc_seg: 82.7912, loss: 0.4534, grad_norm: 4.1443 2023-11-14 00:17:01,180 - mmseg - INFO - Iter [63650/160000] lr: 1.147e-06, eta: 11:03:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2543, decode.acc_seg: 89.6903, aux.loss_ce: 0.1751, aux.acc_seg: 83.4399, loss: 0.4293, grad_norm: 4.3690 2023-11-14 00:17:21,097 - mmseg - INFO - Iter [63700/160000] lr: 1.147e-06, eta: 11:03:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2482, decode.acc_seg: 89.4849, aux.loss_ce: 0.1743, aux.acc_seg: 82.9451, loss: 0.4225, grad_norm: 3.9720 2023-11-14 00:17:41,139 - mmseg - INFO - Iter [63750/160000] lr: 1.146e-06, eta: 11:02:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2514, decode.acc_seg: 89.7271, aux.loss_ce: 0.1765, aux.acc_seg: 83.6603, loss: 0.4279, grad_norm: 3.7416 2023-11-14 00:18:01,453 - mmseg - INFO - Iter [63800/160000] lr: 1.145e-06, eta: 11:02:36, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2701, decode.acc_seg: 89.0687, aux.loss_ce: 0.1837, aux.acc_seg: 82.5579, loss: 0.4538, grad_norm: 4.4789 2023-11-14 00:18:21,501 - mmseg - INFO - Iter [63850/160000] lr: 1.145e-06, eta: 11:02:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2720, decode.acc_seg: 88.7085, aux.loss_ce: 0.1881, aux.acc_seg: 82.0408, loss: 0.4601, grad_norm: 4.1314 2023-11-14 00:18:41,519 - mmseg - INFO - Iter [63900/160000] lr: 1.144e-06, eta: 11:01:53, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2703, decode.acc_seg: 89.0120, aux.loss_ce: 0.1839, aux.acc_seg: 83.2481, loss: 0.4542, grad_norm: 4.1015 2023-11-14 00:19:01,491 - mmseg - INFO - Iter [63950/160000] lr: 1.144e-06, eta: 11:01:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2706, decode.acc_seg: 89.3838, aux.loss_ce: 0.1815, aux.acc_seg: 83.1594, loss: 0.4521, grad_norm: 4.2704 2023-11-14 00:19:21,354 - mmseg - INFO - Saving checkpoint at 64000 iterations 2023-11-14 00:19:29,172 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:19:29,172 - mmseg - INFO - Iter [64000/160000] lr: 1.143e-06, eta: 11:01:21, time: 0.554, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2484, decode.acc_seg: 89.9959, aux.loss_ce: 0.1782, aux.acc_seg: 83.3280, loss: 0.4266, grad_norm: 4.4731 2023-11-14 00:19:45,569 - mmseg - INFO - per class results: 2023-11-14 00:19:45,574 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.03 | 86.81 | | building | 84.64 | 92.27 | | sky | 94.77 | 97.52 | | floor | 83.92 | 90.82 | | tree | 76.56 | 89.28 | | ceiling | 85.62 | 93.25 | | road | 85.13 | 91.21 | | bed | 91.7 | 97.42 | | windowpane | 64.38 | 82.86 | | grass | 66.69 | 77.16 | | cabinet | 63.86 | 74.39 | | sidewalk | 67.9 | 82.73 | | person | 83.8 | 93.95 | | earth | 37.42 | 50.27 | | door | 57.48 | 75.55 | | table | 65.39 | 79.19 | | mountain | 62.74 | 76.06 | | plant | 54.14 | 67.07 | | curtain | 77.47 | 90.69 | | chair | 63.08 | 75.61 | | car | 86.55 | 94.1 | | water | 63.51 | 75.85 | | painting | 72.27 | 90.86 | | sofa | 74.22 | 87.07 | | shelf | 47.79 | 67.91 | | house | 52.67 | 77.25 | | sea | 73.89 | 91.02 | | mirror | 75.16 | 84.07 | | rug | 65.36 | 78.97 | | field | 30.63 | 55.53 | | armchair | 49.26 | 68.3 | | seat | 65.19 | 84.23 | | fence | 50.91 | 72.46 | | desk | 52.43 | 77.67 | | rock | 54.87 | 80.25 | | wardrobe | 47.23 | 69.98 | | lamp | 67.58 | 80.57 | | bathtub | 80.64 | 85.66 | | railing | 40.66 | 59.31 | | cushion | 65.63 | 77.32 | | base | 39.61 | 51.46 | | box | 33.08 | 45.09 | | column | 54.7 | 69.27 | | signboard | 38.64 | 50.84 | | chest of drawers | 43.96 | 67.27 | | counter | 38.71 | 47.78 | | sand | 59.4 | 79.31 | | sink | 78.93 | 86.59 | | skyscraper | 66.04 | 76.75 | | fireplace | 69.41 | 93.33 | | refrigerator | 75.69 | 86.27 | | grandstand | 44.22 | 81.16 | | path | 24.26 | 38.64 | | stairs | 33.65 | 44.68 | | runway | 66.93 | 90.25 | | case | 60.45 | 76.95 | | pool table | 93.79 | 97.47 | | pillow | 62.67 | 72.49 | | screen door | 77.97 | 90.55 | | stairway | 36.07 | 43.54 | | river | 13.83 | 26.01 | | bridge | 59.33 | 69.51 | | bookcase | 38.5 | 63.67 | | blind | 43.72 | 50.22 | | coffee table | 60.3 | 88.37 | | toilet | 87.96 | 94.68 | | flower | 45.56 | 59.91 | | book | 49.87 | 78.31 | | hill | 16.12 | 26.28 | | bench | 58.39 | 68.21 | | countertop | 59.31 | 79.15 | | stove | 80.02 | 86.1 | | palm | 53.57 | 80.3 | | kitchen island | 35.19 | 86.63 | | computer | 75.6 | 90.37 | | swivel chair | 58.26 | 77.86 | | boat | 69.14 | 84.39 | | bar | 50.81 | 66.04 | | arcade machine | 89.23 | 94.7 | | hovel | 53.47 | 57.09 | | bus | 91.54 | 97.21 | | towel | 68.15 | 85.4 | | light | 54.44 | 60.62 | | truck | 42.05 | 53.61 | | tower | 42.01 | 73.53 | | chandelier | 70.96 | 87.8 | | awning | 38.43 | 47.78 | | streetlight | 31.67 | 41.32 | | booth | 35.13 | 43.75 | | television receiver | 78.99 | 87.8 | | airplane | 68.57 | 77.09 | | dirt track | 13.4 | 33.61 | | apparel | 46.7 | 60.35 | | pole | 27.19 | 35.76 | | land | 4.33 | 8.01 | | bannister | 17.9 | 25.37 | | escalator | 51.68 | 85.78 | | ottoman | 54.09 | 71.24 | | bottle | 40.84 | 70.13 | | buffet | 54.04 | 64.5 | | poster | 29.06 | 41.9 | | stage | 21.31 | 36.32 | | van | 42.59 | 63.2 | | ship | 69.78 | 84.29 | | fountain | 41.11 | 42.58 | | conveyer belt | 82.28 | 95.89 | | canopy | 43.34 | 56.77 | | washer | 81.88 | 85.02 | | plaything | 42.39 | 56.13 | | swimming pool | 55.02 | 70.02 | | stool | 48.5 | 61.99 | | barrel | 73.17 | 87.36 | | basket | 40.63 | 54.25 | | waterfall | 55.21 | 60.85 | | tent | 95.36 | 98.72 | | bag | 20.49 | 24.58 | | minibike | 74.92 | 88.76 | | cradle | 82.62 | 98.24 | | oven | 49.92 | 65.43 | | ball | 28.02 | 29.74 | | food | 58.76 | 72.88 | | step | 12.95 | 15.19 | | tank | 62.43 | 67.33 | | trade name | 27.45 | 30.89 | | microwave | 84.07 | 93.02 | | pot | 51.69 | 62.31 | | animal | 60.26 | 62.41 | | bicycle | 61.03 | 83.21 | | lake | 49.45 | 65.78 | | dishwasher | 75.05 | 81.74 | | screen | 54.37 | 87.69 | | blanket | 18.0 | 21.37 | | sculpture | 74.2 | 87.53 | | hood | 59.09 | 70.63 | | sconce | 51.57 | 67.3 | | vase | 44.94 | 61.36 | | traffic light | 37.6 | 59.48 | | tray | 7.47 | 9.73 | | ashcan | 45.88 | 63.55 | | fan | 64.02 | 81.96 | | pier | 31.62 | 47.48 | | crt screen | 7.29 | 18.28 | | plate | 59.05 | 80.74 | | monitor | 14.07 | 15.63 | | bulletin board | 59.37 | 73.75 | | shower | 0.83 | 1.04 | | radiator | 65.32 | 77.92 | | glass | 16.1 | 16.94 | | clock | 45.84 | 54.29 | | flag | 65.66 | 74.98 | +---------------------+-------+-------+ 2023-11-14 00:19:45,574 - mmseg - INFO - Summary: 2023-11-14 00:19:45,574 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 84.98 | 54.9 | 68.39 | +-------+------+-------+ 2023-11-14 00:19:45,623 - mmseg - INFO - The previous best checkpoint /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k/best_mIoU_iter_48000.pth was removed 2023-11-14 00:19:53,952 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_64000.pth. 2023-11-14 00:19:53,952 - mmseg - INFO - Best mIoU is 0.5490 at 64000 iter. 2023-11-14 00:19:53,953 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:19:53,953 - mmseg - INFO - Iter(val) [250] aAcc: 0.8498, mIoU: 0.5490, mAcc: 0.6839, IoU.wall: 0.8003, IoU.building: 0.8464, IoU.sky: 0.9477, IoU.floor: 0.8392, IoU.tree: 0.7656, IoU.ceiling: 0.8562, IoU.road: 0.8513, IoU.bed : 0.9170, IoU.windowpane: 0.6438, IoU.grass: 0.6669, IoU.cabinet: 0.6386, IoU.sidewalk: 0.6790, IoU.person: 0.8380, IoU.earth: 0.3742, IoU.door: 0.5748, IoU.table: 0.6539, IoU.mountain: 0.6274, IoU.plant: 0.5414, IoU.curtain: 0.7747, IoU.chair: 0.6308, IoU.car: 0.8655, IoU.water: 0.6351, IoU.painting: 0.7227, IoU.sofa: 0.7422, IoU.shelf: 0.4779, IoU.house: 0.5267, IoU.sea: 0.7389, IoU.mirror: 0.7516, IoU.rug: 0.6536, IoU.field: 0.3063, IoU.armchair: 0.4926, IoU.seat: 0.6519, IoU.fence: 0.5091, IoU.desk: 0.5243, IoU.rock: 0.5487, IoU.wardrobe: 0.4723, IoU.lamp: 0.6758, IoU.bathtub: 0.8064, IoU.railing: 0.4066, IoU.cushion: 0.6563, IoU.base: 0.3961, IoU.box: 0.3308, IoU.column: 0.5470, IoU.signboard: 0.3864, IoU.chest of drawers: 0.4396, IoU.counter: 0.3871, IoU.sand: 0.5940, IoU.sink: 0.7893, IoU.skyscraper: 0.6604, IoU.fireplace: 0.6941, IoU.refrigerator: 0.7569, IoU.grandstand: 0.4422, IoU.path: 0.2426, IoU.stairs: 0.3365, IoU.runway: 0.6693, IoU.case: 0.6045, IoU.pool table: 0.9379, IoU.pillow: 0.6267, IoU.screen door: 0.7797, IoU.stairway: 0.3607, IoU.river: 0.1383, IoU.bridge: 0.5933, IoU.bookcase: 0.3850, IoU.blind: 0.4372, IoU.coffee table: 0.6030, IoU.toilet: 0.8796, IoU.flower: 0.4556, IoU.book: 0.4987, IoU.hill: 0.1612, IoU.bench: 0.5839, IoU.countertop: 0.5931, IoU.stove: 0.8002, IoU.palm: 0.5357, IoU.kitchen island: 0.3519, IoU.computer: 0.7560, IoU.swivel chair: 0.5826, IoU.boat: 0.6914, IoU.bar: 0.5081, IoU.arcade machine: 0.8923, IoU.hovel: 0.5347, IoU.bus: 0.9154, IoU.towel: 0.6815, IoU.light: 0.5444, IoU.truck: 0.4205, IoU.tower: 0.4201, IoU.chandelier: 0.7096, IoU.awning: 0.3843, IoU.streetlight: 0.3167, IoU.booth: 0.3513, IoU.television receiver: 0.7899, IoU.airplane: 0.6857, IoU.dirt track: 0.1340, IoU.apparel: 0.4670, IoU.pole: 0.2719, IoU.land: 0.0433, IoU.bannister: 0.1790, IoU.escalator: 0.5168, IoU.ottoman: 0.5409, IoU.bottle: 0.4084, IoU.buffet: 0.5404, IoU.poster: 0.2906, IoU.stage: 0.2131, IoU.van: 0.4259, IoU.ship: 0.6978, IoU.fountain: 0.4111, IoU.conveyer belt: 0.8228, IoU.canopy: 0.4334, IoU.washer: 0.8188, IoU.plaything: 0.4239, IoU.swimming pool: 0.5502, IoU.stool: 0.4850, IoU.barrel: 0.7317, IoU.basket: 0.4063, IoU.waterfall: 0.5521, IoU.tent: 0.9536, IoU.bag: 0.2049, IoU.minibike: 0.7492, IoU.cradle: 0.8262, IoU.oven: 0.4992, IoU.ball: 0.2802, IoU.food: 0.5876, IoU.step: 0.1295, IoU.tank: 0.6243, IoU.trade name: 0.2745, IoU.microwave: 0.8407, IoU.pot: 0.5169, IoU.animal: 0.6026, IoU.bicycle: 0.6103, IoU.lake: 0.4945, IoU.dishwasher: 0.7505, IoU.screen: 0.5437, IoU.blanket: 0.1800, IoU.sculpture: 0.7420, IoU.hood: 0.5909, IoU.sconce: 0.5157, IoU.vase: 0.4494, IoU.traffic light: 0.3760, IoU.tray: 0.0747, IoU.ashcan: 0.4588, IoU.fan: 0.6402, IoU.pier: 0.3162, IoU.crt screen: 0.0729, IoU.plate: 0.5905, IoU.monitor: 0.1407, IoU.bulletin board: 0.5937, IoU.shower: 0.0083, IoU.radiator: 0.6532, IoU.glass: 0.1610, IoU.clock: 0.4584, IoU.flag: 0.6566, Acc.wall: 0.8681, Acc.building: 0.9227, Acc.sky: 0.9752, Acc.floor: 0.9082, Acc.tree: 0.8928, Acc.ceiling: 0.9325, Acc.road: 0.9121, Acc.bed : 0.9742, Acc.windowpane: 0.8286, Acc.grass: 0.7716, Acc.cabinet: 0.7439, Acc.sidewalk: 0.8273, Acc.person: 0.9395, Acc.earth: 0.5027, Acc.door: 0.7555, Acc.table: 0.7919, Acc.mountain: 0.7606, Acc.plant: 0.6707, Acc.curtain: 0.9069, Acc.chair: 0.7561, Acc.car: 0.9410, Acc.water: 0.7585, Acc.painting: 0.9086, Acc.sofa: 0.8707, Acc.shelf: 0.6791, Acc.house: 0.7725, Acc.sea: 0.9102, Acc.mirror: 0.8407, Acc.rug: 0.7897, Acc.field: 0.5553, Acc.armchair: 0.6830, Acc.seat: 0.8423, Acc.fence: 0.7246, Acc.desk: 0.7767, Acc.rock: 0.8025, Acc.wardrobe: 0.6998, Acc.lamp: 0.8057, Acc.bathtub: 0.8566, Acc.railing: 0.5931, Acc.cushion: 0.7732, Acc.base: 0.5146, Acc.box: 0.4509, Acc.column: 0.6927, Acc.signboard: 0.5084, Acc.chest of drawers: 0.6727, Acc.counter: 0.4778, Acc.sand: 0.7931, Acc.sink: 0.8659, Acc.skyscraper: 0.7675, Acc.fireplace: 0.9333, Acc.refrigerator: 0.8627, Acc.grandstand: 0.8116, Acc.path: 0.3864, Acc.stairs: 0.4468, Acc.runway: 0.9025, Acc.case: 0.7695, Acc.pool table: 0.9747, Acc.pillow: 0.7249, Acc.screen door: 0.9055, Acc.stairway: 0.4354, Acc.river: 0.2601, Acc.bridge: 0.6951, Acc.bookcase: 0.6367, Acc.blind: 0.5022, Acc.coffee table: 0.8837, Acc.toilet: 0.9468, Acc.flower: 0.5991, Acc.book: 0.7831, Acc.hill: 0.2628, Acc.bench: 0.6821, Acc.countertop: 0.7915, Acc.stove: 0.8610, Acc.palm: 0.8030, Acc.kitchen island: 0.8663, Acc.computer: 0.9037, Acc.swivel chair: 0.7786, Acc.boat: 0.8439, Acc.bar: 0.6604, Acc.arcade machine: 0.9470, Acc.hovel: 0.5709, Acc.bus: 0.9721, Acc.towel: 0.8540, Acc.light: 0.6062, Acc.truck: 0.5361, Acc.tower: 0.7353, Acc.chandelier: 0.8780, Acc.awning: 0.4778, Acc.streetlight: 0.4132, Acc.booth: 0.4375, Acc.television receiver: 0.8780, Acc.airplane: 0.7709, Acc.dirt track: 0.3361, Acc.apparel: 0.6035, Acc.pole: 0.3576, Acc.land: 0.0801, Acc.bannister: 0.2537, Acc.escalator: 0.8578, Acc.ottoman: 0.7124, Acc.bottle: 0.7013, Acc.buffet: 0.6450, Acc.poster: 0.4190, Acc.stage: 0.3632, Acc.van: 0.6320, Acc.ship: 0.8429, Acc.fountain: 0.4258, Acc.conveyer belt: 0.9589, Acc.canopy: 0.5677, Acc.washer: 0.8502, Acc.plaything: 0.5613, Acc.swimming pool: 0.7002, Acc.stool: 0.6199, Acc.barrel: 0.8736, Acc.basket: 0.5425, Acc.waterfall: 0.6085, Acc.tent: 0.9872, Acc.bag: 0.2458, Acc.minibike: 0.8876, Acc.cradle: 0.9824, Acc.oven: 0.6543, Acc.ball: 0.2974, Acc.food: 0.7288, Acc.step: 0.1519, Acc.tank: 0.6733, Acc.trade name: 0.3089, Acc.microwave: 0.9302, Acc.pot: 0.6231, Acc.animal: 0.6241, Acc.bicycle: 0.8321, Acc.lake: 0.6578, Acc.dishwasher: 0.8174, Acc.screen: 0.8769, Acc.blanket: 0.2137, Acc.sculpture: 0.8753, Acc.hood: 0.7063, Acc.sconce: 0.6730, Acc.vase: 0.6136, Acc.traffic light: 0.5948, Acc.tray: 0.0973, Acc.ashcan: 0.6355, Acc.fan: 0.8196, Acc.pier: 0.4748, Acc.crt screen: 0.1828, Acc.plate: 0.8074, Acc.monitor: 0.1563, Acc.bulletin board: 0.7375, Acc.shower: 0.0104, Acc.radiator: 0.7792, Acc.glass: 0.1694, Acc.clock: 0.5429, Acc.flag: 0.7498 2023-11-14 00:20:14,168 - mmseg - INFO - Iter [64050/160000] lr: 1.142e-06, eta: 11:01:37, time: 0.900, data_time: 0.502, memory: 16105, decode.loss_ce: 0.2543, decode.acc_seg: 89.5426, aux.loss_ce: 0.1739, aux.acc_seg: 83.1385, loss: 0.4282, grad_norm: 4.1609 2023-11-14 00:20:34,113 - mmseg - INFO - Iter [64100/160000] lr: 1.142e-06, eta: 11:01:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2620, decode.acc_seg: 89.3029, aux.loss_ce: 0.1817, aux.acc_seg: 82.9144, loss: 0.4437, grad_norm: 4.5789 2023-11-14 00:20:54,020 - mmseg - INFO - Iter [64150/160000] lr: 1.141e-06, eta: 11:00:53, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2613, decode.acc_seg: 89.2733, aux.loss_ce: 0.1790, aux.acc_seg: 83.6644, loss: 0.4403, grad_norm: 4.4433 2023-11-14 00:21:14,091 - mmseg - INFO - Iter [64200/160000] lr: 1.141e-06, eta: 11:00:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2640, decode.acc_seg: 89.3686, aux.loss_ce: 0.1830, aux.acc_seg: 83.0864, loss: 0.4471, grad_norm: 4.3248 2023-11-14 00:21:34,334 - mmseg - INFO - Iter [64250/160000] lr: 1.140e-06, eta: 11:00:10, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2870, decode.acc_seg: 88.5014, aux.loss_ce: 0.1866, aux.acc_seg: 82.6488, loss: 0.4736, grad_norm: 4.3164 2023-11-14 00:21:54,542 - mmseg - INFO - Iter [64300/160000] lr: 1.139e-06, eta: 10:59:49, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2686, decode.acc_seg: 88.9590, aux.loss_ce: 0.1839, aux.acc_seg: 82.6411, loss: 0.4525, grad_norm: 4.0312 2023-11-14 00:22:14,436 - mmseg - INFO - Iter [64350/160000] lr: 1.139e-06, eta: 10:59:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2774, decode.acc_seg: 88.9656, aux.loss_ce: 0.1902, aux.acc_seg: 82.4075, loss: 0.4675, grad_norm: 4.4868 2023-11-14 00:22:34,346 - mmseg - INFO - Iter [64400/160000] lr: 1.138e-06, eta: 10:59:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2464, decode.acc_seg: 89.8460, aux.loss_ce: 0.1761, aux.acc_seg: 83.7180, loss: 0.4225, grad_norm: 3.7170 2023-11-14 00:22:56,540 - mmseg - INFO - Iter [64450/160000] lr: 1.138e-06, eta: 10:58:47, time: 0.444, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2675, decode.acc_seg: 89.1988, aux.loss_ce: 0.1860, aux.acc_seg: 82.5841, loss: 0.4535, grad_norm: 3.6264 2023-11-14 00:23:16,483 - mmseg - INFO - Iter [64500/160000] lr: 1.137e-06, eta: 10:58:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2572, decode.acc_seg: 89.5925, aux.loss_ce: 0.1865, aux.acc_seg: 82.8065, loss: 0.4437, grad_norm: 3.7397 2023-11-14 00:23:36,324 - mmseg - INFO - Iter [64550/160000] lr: 1.136e-06, eta: 10:58:03, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2585, decode.acc_seg: 89.3746, aux.loss_ce: 0.1765, aux.acc_seg: 83.4949, loss: 0.4351, grad_norm: 3.6299 2023-11-14 00:23:56,267 - mmseg - INFO - Iter [64600/160000] lr: 1.136e-06, eta: 10:57:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2605, decode.acc_seg: 88.9455, aux.loss_ce: 0.1823, aux.acc_seg: 82.1020, loss: 0.4427, grad_norm: 4.6383 2023-11-14 00:24:16,580 - mmseg - INFO - Iter [64650/160000] lr: 1.135e-06, eta: 10:57:20, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2578, decode.acc_seg: 89.7677, aux.loss_ce: 0.1788, aux.acc_seg: 83.6439, loss: 0.4366, grad_norm: 4.8695 2023-11-14 00:24:36,798 - mmseg - INFO - Iter [64700/160000] lr: 1.135e-06, eta: 10:56:58, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2549, decode.acc_seg: 89.4432, aux.loss_ce: 0.1731, aux.acc_seg: 83.5953, loss: 0.4280, grad_norm: 3.6748 2023-11-14 00:24:56,738 - mmseg - INFO - Iter [64750/160000] lr: 1.134e-06, eta: 10:56:37, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2528, decode.acc_seg: 89.6847, aux.loss_ce: 0.1735, aux.acc_seg: 83.9782, loss: 0.4263, grad_norm: 4.2610 2023-11-14 00:25:16,731 - mmseg - INFO - Iter [64800/160000] lr: 1.133e-06, eta: 10:56:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2596, decode.acc_seg: 89.1821, aux.loss_ce: 0.1782, aux.acc_seg: 83.1776, loss: 0.4379, grad_norm: 3.5642 2023-11-14 00:25:36,578 - mmseg - INFO - Iter [64850/160000] lr: 1.133e-06, eta: 10:55:53, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2576, decode.acc_seg: 89.4913, aux.loss_ce: 0.1760, aux.acc_seg: 83.1808, loss: 0.4336, grad_norm: 3.9769 2023-11-14 00:25:56,468 - mmseg - INFO - Iter [64900/160000] lr: 1.132e-06, eta: 10:55:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2568, decode.acc_seg: 89.2964, aux.loss_ce: 0.1773, aux.acc_seg: 83.1619, loss: 0.4341, grad_norm: 4.3433 2023-11-14 00:26:16,433 - mmseg - INFO - Iter [64950/160000] lr: 1.132e-06, eta: 10:55:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2472, decode.acc_seg: 89.7654, aux.loss_ce: 0.1769, aux.acc_seg: 83.2983, loss: 0.4241, grad_norm: 3.7753 2023-11-14 00:26:36,526 - mmseg - INFO - Saving checkpoint at 65000 iterations 2023-11-14 00:26:44,089 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:26:44,090 - mmseg - INFO - Iter [65000/160000] lr: 1.131e-06, eta: 10:54:59, time: 0.553, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2471, decode.acc_seg: 89.9006, aux.loss_ce: 0.1668, aux.acc_seg: 84.2758, loss: 0.4139, grad_norm: 3.7227 2023-11-14 00:27:03,991 - mmseg - INFO - Iter [65050/160000] lr: 1.130e-06, eta: 10:54:37, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2474, decode.acc_seg: 89.7478, aux.loss_ce: 0.1775, aux.acc_seg: 83.3240, loss: 0.4249, grad_norm: 3.7069 2023-11-14 00:27:24,091 - mmseg - INFO - Iter [65100/160000] lr: 1.130e-06, eta: 10:54:16, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2530, decode.acc_seg: 89.5178, aux.loss_ce: 0.1786, aux.acc_seg: 82.9444, loss: 0.4316, grad_norm: 3.9657 2023-11-14 00:27:44,299 - mmseg - INFO - Iter [65150/160000] lr: 1.129e-06, eta: 10:53:54, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2552, decode.acc_seg: 89.3608, aux.loss_ce: 0.1731, aux.acc_seg: 83.3878, loss: 0.4283, grad_norm: 3.9961 2023-11-14 00:28:04,384 - mmseg - INFO - Iter [65200/160000] lr: 1.129e-06, eta: 10:53:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2637, decode.acc_seg: 89.2514, aux.loss_ce: 0.1778, aux.acc_seg: 83.2800, loss: 0.4415, grad_norm: 4.5604 2023-11-14 00:28:24,232 - mmseg - INFO - Iter [65250/160000] lr: 1.128e-06, eta: 10:53:11, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2616, decode.acc_seg: 89.3102, aux.loss_ce: 0.1870, aux.acc_seg: 82.6562, loss: 0.4486, grad_norm: 4.0520 2023-11-14 00:28:44,080 - mmseg - INFO - Iter [65300/160000] lr: 1.128e-06, eta: 10:52:49, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2587, decode.acc_seg: 89.4838, aux.loss_ce: 0.1873, aux.acc_seg: 82.4850, loss: 0.4460, grad_norm: 3.8657 2023-11-14 00:29:04,033 - mmseg - INFO - Iter [65350/160000] lr: 1.127e-06, eta: 10:52:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2651, decode.acc_seg: 89.4643, aux.loss_ce: 0.1883, aux.acc_seg: 82.7945, loss: 0.4535, grad_norm: 4.5999 2023-11-14 00:29:23,960 - mmseg - INFO - Iter [65400/160000] lr: 1.126e-06, eta: 10:52:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2473, decode.acc_seg: 90.0280, aux.loss_ce: 0.1762, aux.acc_seg: 83.7047, loss: 0.4235, grad_norm: 3.5783 2023-11-14 00:29:43,834 - mmseg - INFO - Iter [65450/160000] lr: 1.126e-06, eta: 10:51:44, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2488, decode.acc_seg: 89.8435, aux.loss_ce: 0.1691, aux.acc_seg: 83.9903, loss: 0.4180, grad_norm: 3.5011 2023-11-14 00:30:03,934 - mmseg - INFO - Iter [65500/160000] lr: 1.125e-06, eta: 10:51:22, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2651, decode.acc_seg: 89.4294, aux.loss_ce: 0.1795, aux.acc_seg: 83.5433, loss: 0.4446, grad_norm: 3.9407 2023-11-14 00:30:23,924 - mmseg - INFO - Iter [65550/160000] lr: 1.125e-06, eta: 10:51:00, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2708, decode.acc_seg: 88.8670, aux.loss_ce: 0.1859, aux.acc_seg: 82.4968, loss: 0.4567, grad_norm: 4.0212 2023-11-14 00:30:44,361 - mmseg - INFO - Iter [65600/160000] lr: 1.124e-06, eta: 10:50:39, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2548, decode.acc_seg: 89.5012, aux.loss_ce: 0.1745, aux.acc_seg: 83.0176, loss: 0.4293, grad_norm: 3.9485 2023-11-14 00:31:04,650 - mmseg - INFO - Iter [65650/160000] lr: 1.123e-06, eta: 10:50:18, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2685, decode.acc_seg: 89.3081, aux.loss_ce: 0.1900, aux.acc_seg: 82.4555, loss: 0.4585, grad_norm: 4.5668 2023-11-14 00:31:26,948 - mmseg - INFO - Iter [65700/160000] lr: 1.123e-06, eta: 10:50:00, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2357, decode.acc_seg: 90.1239, aux.loss_ce: 0.1644, aux.acc_seg: 84.5667, loss: 0.4001, grad_norm: 4.1947 2023-11-14 00:31:46,856 - mmseg - INFO - Iter [65750/160000] lr: 1.122e-06, eta: 10:49:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2556, decode.acc_seg: 89.3516, aux.loss_ce: 0.1799, aux.acc_seg: 82.8550, loss: 0.4356, grad_norm: 3.5408 2023-11-14 00:32:06,739 - mmseg - INFO - Iter [65800/160000] lr: 1.122e-06, eta: 10:49:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2561, decode.acc_seg: 89.7013, aux.loss_ce: 0.1832, aux.acc_seg: 83.2022, loss: 0.4393, grad_norm: 4.3610 2023-11-14 00:32:26,897 - mmseg - INFO - Iter [65850/160000] lr: 1.121e-06, eta: 10:48:55, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2676, decode.acc_seg: 89.3652, aux.loss_ce: 0.1863, aux.acc_seg: 82.7798, loss: 0.4539, grad_norm: 4.3956 2023-11-14 00:32:46,844 - mmseg - INFO - Iter [65900/160000] lr: 1.120e-06, eta: 10:48:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2528, decode.acc_seg: 89.7825, aux.loss_ce: 0.1845, aux.acc_seg: 82.7553, loss: 0.4373, grad_norm: 4.4111 2023-11-14 00:33:06,837 - mmseg - INFO - Iter [65950/160000] lr: 1.120e-06, eta: 10:48:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2588, decode.acc_seg: 89.2448, aux.loss_ce: 0.1747, aux.acc_seg: 83.6172, loss: 0.4334, grad_norm: 4.1396 2023-11-14 00:33:27,116 - mmseg - INFO - Saving checkpoint at 66000 iterations 2023-11-14 00:33:35,083 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:33:35,083 - mmseg - INFO - Iter [66000/160000] lr: 1.119e-06, eta: 10:48:02, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2342, decode.acc_seg: 90.3229, aux.loss_ce: 0.1662, aux.acc_seg: 84.2560, loss: 0.4004, grad_norm: 3.4048 2023-11-14 00:33:55,341 - mmseg - INFO - Iter [66050/160000] lr: 1.119e-06, eta: 10:47:40, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2627, decode.acc_seg: 89.2977, aux.loss_ce: 0.1745, aux.acc_seg: 83.7169, loss: 0.4372, grad_norm: 4.2476 2023-11-14 00:34:15,489 - mmseg - INFO - Iter [66100/160000] lr: 1.118e-06, eta: 10:47:19, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2493, decode.acc_seg: 89.6655, aux.loss_ce: 0.1716, aux.acc_seg: 83.7268, loss: 0.4209, grad_norm: 4.0550 2023-11-14 00:34:35,419 - mmseg - INFO - Iter [66150/160000] lr: 1.117e-06, eta: 10:46:57, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2614, decode.acc_seg: 89.4362, aux.loss_ce: 0.1736, aux.acc_seg: 83.7008, loss: 0.4350, grad_norm: 4.6427 2023-11-14 00:34:55,293 - mmseg - INFO - Iter [66200/160000] lr: 1.117e-06, eta: 10:46:35, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2636, decode.acc_seg: 89.5046, aux.loss_ce: 0.1819, aux.acc_seg: 83.0620, loss: 0.4456, grad_norm: 4.1180 2023-11-14 00:35:15,498 - mmseg - INFO - Iter [66250/160000] lr: 1.116e-06, eta: 10:46:14, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2471, decode.acc_seg: 89.7832, aux.loss_ce: 0.1742, aux.acc_seg: 83.6952, loss: 0.4213, grad_norm: 3.5361 2023-11-14 00:35:35,505 - mmseg - INFO - Iter [66300/160000] lr: 1.116e-06, eta: 10:45:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2485, decode.acc_seg: 89.7815, aux.loss_ce: 0.1729, aux.acc_seg: 83.4992, loss: 0.4214, grad_norm: 4.0625 2023-11-14 00:35:55,435 - mmseg - INFO - Iter [66350/160000] lr: 1.115e-06, eta: 10:45:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2647, decode.acc_seg: 89.0062, aux.loss_ce: 0.1819, aux.acc_seg: 82.9513, loss: 0.4466, grad_norm: 4.2129 2023-11-14 00:36:15,344 - mmseg - INFO - Iter [66400/160000] lr: 1.114e-06, eta: 10:45:09, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2600, decode.acc_seg: 89.4037, aux.loss_ce: 0.1886, aux.acc_seg: 82.6194, loss: 0.4486, grad_norm: 4.1928 2023-11-14 00:36:35,232 - mmseg - INFO - Iter [66450/160000] lr: 1.114e-06, eta: 10:44:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2424, decode.acc_seg: 90.0188, aux.loss_ce: 0.1630, aux.acc_seg: 84.5695, loss: 0.4054, grad_norm: 3.4941 2023-11-14 00:36:55,297 - mmseg - INFO - Iter [66500/160000] lr: 1.113e-06, eta: 10:44:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2431, decode.acc_seg: 89.7687, aux.loss_ce: 0.1715, aux.acc_seg: 83.5998, loss: 0.4146, grad_norm: 3.5568 2023-11-14 00:37:15,636 - mmseg - INFO - Iter [66550/160000] lr: 1.113e-06, eta: 10:44:04, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2626, decode.acc_seg: 89.2290, aux.loss_ce: 0.1867, aux.acc_seg: 82.6529, loss: 0.4492, grad_norm: 3.8707 2023-11-14 00:37:35,590 - mmseg - INFO - Iter [66600/160000] lr: 1.112e-06, eta: 10:43:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2767, decode.acc_seg: 88.4331, aux.loss_ce: 0.1938, aux.acc_seg: 81.7935, loss: 0.4704, grad_norm: 5.0323 2023-11-14 00:37:55,460 - mmseg - INFO - Iter [66650/160000] lr: 1.111e-06, eta: 10:43:21, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2731, decode.acc_seg: 89.1029, aux.loss_ce: 0.1839, aux.acc_seg: 82.9763, loss: 0.4571, grad_norm: 4.4747 2023-11-14 00:38:15,313 - mmseg - INFO - Iter [66700/160000] lr: 1.111e-06, eta: 10:42:59, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2517, decode.acc_seg: 89.7730, aux.loss_ce: 0.1752, aux.acc_seg: 83.7359, loss: 0.4270, grad_norm: 4.1069 2023-11-14 00:38:35,234 - mmseg - INFO - Iter [66750/160000] lr: 1.110e-06, eta: 10:42:37, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2665, decode.acc_seg: 89.2092, aux.loss_ce: 0.1867, aux.acc_seg: 82.5963, loss: 0.4532, grad_norm: 3.6768 2023-11-14 00:38:55,223 - mmseg - INFO - Iter [66800/160000] lr: 1.110e-06, eta: 10:42:16, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2447, decode.acc_seg: 89.9201, aux.loss_ce: 0.1738, aux.acc_seg: 83.5246, loss: 0.4185, grad_norm: 3.6091 2023-11-14 00:39:15,090 - mmseg - INFO - Iter [66850/160000] lr: 1.109e-06, eta: 10:41:54, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2687, decode.acc_seg: 89.2847, aux.loss_ce: 0.1805, aux.acc_seg: 83.4335, loss: 0.4492, grad_norm: 3.9981 2023-11-14 00:39:35,192 - mmseg - INFO - Iter [66900/160000] lr: 1.108e-06, eta: 10:41:32, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2446, decode.acc_seg: 89.5727, aux.loss_ce: 0.1717, aux.acc_seg: 83.4065, loss: 0.4163, grad_norm: 3.5790 2023-11-14 00:39:57,704 - mmseg - INFO - Iter [66950/160000] lr: 1.108e-06, eta: 10:41:14, time: 0.450, data_time: 0.054, memory: 16105, decode.loss_ce: 0.2526, decode.acc_seg: 89.6684, aux.loss_ce: 0.1758, aux.acc_seg: 83.3303, loss: 0.4285, grad_norm: 4.1525 2023-11-14 00:40:17,951 - mmseg - INFO - Saving checkpoint at 67000 iterations 2023-11-14 00:40:25,877 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:40:25,877 - mmseg - INFO - Iter [67000/160000] lr: 1.107e-06, eta: 10:41:04, time: 0.564, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2431, decode.acc_seg: 90.1840, aux.loss_ce: 0.1771, aux.acc_seg: 83.4744, loss: 0.4202, grad_norm: 3.2867 2023-11-14 00:40:45,954 - mmseg - INFO - Iter [67050/160000] lr: 1.107e-06, eta: 10:40:42, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2469, decode.acc_seg: 90.0875, aux.loss_ce: 0.1772, aux.acc_seg: 83.8277, loss: 0.4241, grad_norm: 3.5660 2023-11-14 00:41:06,193 - mmseg - INFO - Iter [67100/160000] lr: 1.106e-06, eta: 10:40:21, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2577, decode.acc_seg: 89.4299, aux.loss_ce: 0.1818, aux.acc_seg: 82.6985, loss: 0.4395, grad_norm: 4.5476 2023-11-14 00:41:26,093 - mmseg - INFO - Iter [67150/160000] lr: 1.105e-06, eta: 10:39:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2609, decode.acc_seg: 89.3760, aux.loss_ce: 0.1763, aux.acc_seg: 83.0755, loss: 0.4372, grad_norm: 5.6353 2023-11-14 00:41:46,004 - mmseg - INFO - Iter [67200/160000] lr: 1.105e-06, eta: 10:39:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2612, decode.acc_seg: 89.0980, aux.loss_ce: 0.1839, aux.acc_seg: 82.4041, loss: 0.4450, grad_norm: 4.2419 2023-11-14 00:42:05,990 - mmseg - INFO - Iter [67250/160000] lr: 1.104e-06, eta: 10:39:16, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2568, decode.acc_seg: 89.7816, aux.loss_ce: 0.1818, aux.acc_seg: 83.3369, loss: 0.4386, grad_norm: 3.4698 2023-11-14 00:42:25,875 - mmseg - INFO - Iter [67300/160000] lr: 1.104e-06, eta: 10:38:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2444, decode.acc_seg: 90.0222, aux.loss_ce: 0.1695, aux.acc_seg: 83.4312, loss: 0.4138, grad_norm: 4.0378 2023-11-14 00:42:45,744 - mmseg - INFO - Iter [67350/160000] lr: 1.103e-06, eta: 10:38:32, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2671, decode.acc_seg: 89.2577, aux.loss_ce: 0.1878, aux.acc_seg: 82.6509, loss: 0.4549, grad_norm: 3.7766 2023-11-14 00:43:05,826 - mmseg - INFO - Iter [67400/160000] lr: 1.103e-06, eta: 10:38:11, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2552, decode.acc_seg: 89.2678, aux.loss_ce: 0.1740, aux.acc_seg: 83.2091, loss: 0.4292, grad_norm: 4.1171 2023-11-14 00:43:26,390 - mmseg - INFO - Iter [67450/160000] lr: 1.102e-06, eta: 10:37:50, time: 0.412, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2604, decode.acc_seg: 89.5210, aux.loss_ce: 0.1736, aux.acc_seg: 83.7569, loss: 0.4340, grad_norm: 4.1123 2023-11-14 00:43:46,541 - mmseg - INFO - Iter [67500/160000] lr: 1.101e-06, eta: 10:37:29, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2624, decode.acc_seg: 89.7907, aux.loss_ce: 0.1761, aux.acc_seg: 83.8743, loss: 0.4385, grad_norm: 4.6113 2023-11-14 00:44:06,409 - mmseg - INFO - Iter [67550/160000] lr: 1.101e-06, eta: 10:37:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2379, decode.acc_seg: 90.0962, aux.loss_ce: 0.1645, aux.acc_seg: 84.1221, loss: 0.4024, grad_norm: 3.7497 2023-11-14 00:44:26,395 - mmseg - INFO - Iter [67600/160000] lr: 1.100e-06, eta: 10:36:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2393, decode.acc_seg: 90.2990, aux.loss_ce: 0.1724, aux.acc_seg: 83.7396, loss: 0.4117, grad_norm: 3.6896 2023-11-14 00:44:46,305 - mmseg - INFO - Iter [67650/160000] lr: 1.100e-06, eta: 10:36:24, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2616, decode.acc_seg: 89.0894, aux.loss_ce: 0.1836, aux.acc_seg: 82.5888, loss: 0.4451, grad_norm: 4.1401 2023-11-14 00:45:06,223 - mmseg - INFO - Iter [67700/160000] lr: 1.099e-06, eta: 10:36:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2655, decode.acc_seg: 89.1966, aux.loss_ce: 0.1884, aux.acc_seg: 82.9826, loss: 0.4539, grad_norm: 4.4130 2023-11-14 00:45:26,166 - mmseg - INFO - Iter [67750/160000] lr: 1.098e-06, eta: 10:35:40, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2496, decode.acc_seg: 89.9243, aux.loss_ce: 0.1762, aux.acc_seg: 83.5180, loss: 0.4258, grad_norm: 3.6541 2023-11-14 00:45:46,037 - mmseg - INFO - Iter [67800/160000] lr: 1.098e-06, eta: 10:35:18, time: 0.397, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2484, decode.acc_seg: 89.8462, aux.loss_ce: 0.1683, aux.acc_seg: 84.2734, loss: 0.4166, grad_norm: 3.8478 2023-11-14 00:46:06,041 - mmseg - INFO - Iter [67850/160000] lr: 1.097e-06, eta: 10:34:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2650, decode.acc_seg: 89.1405, aux.loss_ce: 0.1775, aux.acc_seg: 83.0252, loss: 0.4425, grad_norm: 3.9563 2023-11-14 00:46:26,176 - mmseg - INFO - Iter [67900/160000] lr: 1.097e-06, eta: 10:34:35, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2387, decode.acc_seg: 90.0195, aux.loss_ce: 0.1626, aux.acc_seg: 84.6236, loss: 0.4013, grad_norm: 3.7942 2023-11-14 00:46:46,340 - mmseg - INFO - Iter [67950/160000] lr: 1.096e-06, eta: 10:34:14, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2748, decode.acc_seg: 88.8322, aux.loss_ce: 0.1842, aux.acc_seg: 82.8677, loss: 0.4589, grad_norm: 4.7292 2023-11-14 00:47:06,269 - mmseg - INFO - Saving checkpoint at 68000 iterations 2023-11-14 00:47:14,582 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:47:14,582 - mmseg - INFO - Iter [68000/160000] lr: 1.095e-06, eta: 10:34:04, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2568, decode.acc_seg: 89.6884, aux.loss_ce: 0.1796, aux.acc_seg: 83.5690, loss: 0.4363, grad_norm: 3.8184 2023-11-14 00:47:34,539 - mmseg - INFO - Iter [68050/160000] lr: 1.095e-06, eta: 10:33:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2562, decode.acc_seg: 89.4256, aux.loss_ce: 0.1769, aux.acc_seg: 83.1673, loss: 0.4331, grad_norm: 4.2670 2023-11-14 00:47:54,473 - mmseg - INFO - Iter [68100/160000] lr: 1.094e-06, eta: 10:33:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2664, decode.acc_seg: 89.3012, aux.loss_ce: 0.1915, aux.acc_seg: 82.4818, loss: 0.4579, grad_norm: 4.2662 2023-11-14 00:48:14,341 - mmseg - INFO - Iter [68150/160000] lr: 1.094e-06, eta: 10:32:59, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2588, decode.acc_seg: 89.6321, aux.loss_ce: 0.1773, aux.acc_seg: 83.6918, loss: 0.4361, grad_norm: 4.7108 2023-11-14 00:48:34,230 - mmseg - INFO - Iter [68200/160000] lr: 1.093e-06, eta: 10:32:37, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2369, decode.acc_seg: 90.2359, aux.loss_ce: 0.1712, aux.acc_seg: 83.9464, loss: 0.4080, grad_norm: 3.5756 2023-11-14 00:48:56,679 - mmseg - INFO - Iter [68250/160000] lr: 1.092e-06, eta: 10:32:19, time: 0.449, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2574, decode.acc_seg: 89.6661, aux.loss_ce: 0.1841, aux.acc_seg: 82.7966, loss: 0.4415, grad_norm: 4.8616 2023-11-14 00:49:16,648 - mmseg - INFO - Iter [68300/160000] lr: 1.092e-06, eta: 10:31:57, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2515, decode.acc_seg: 89.6232, aux.loss_ce: 0.1772, aux.acc_seg: 83.2157, loss: 0.4287, grad_norm: 4.2432 2023-11-14 00:49:36,747 - mmseg - INFO - Iter [68350/160000] lr: 1.091e-06, eta: 10:31:36, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2520, decode.acc_seg: 89.3651, aux.loss_ce: 0.1825, aux.acc_seg: 82.8032, loss: 0.4345, grad_norm: 4.2011 2023-11-14 00:49:57,009 - mmseg - INFO - Iter [68400/160000] lr: 1.091e-06, eta: 10:31:14, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2474, decode.acc_seg: 90.0340, aux.loss_ce: 0.1760, aux.acc_seg: 83.5448, loss: 0.4234, grad_norm: 3.6319 2023-11-14 00:50:17,177 - mmseg - INFO - Iter [68450/160000] lr: 1.090e-06, eta: 10:30:53, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2477, decode.acc_seg: 89.7543, aux.loss_ce: 0.1715, aux.acc_seg: 83.8527, loss: 0.4192, grad_norm: 3.5576 2023-11-14 00:50:37,057 - mmseg - INFO - Iter [68500/160000] lr: 1.089e-06, eta: 10:30:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2512, decode.acc_seg: 89.6293, aux.loss_ce: 0.1688, aux.acc_seg: 83.5783, loss: 0.4200, grad_norm: 3.8995 2023-11-14 00:50:56,939 - mmseg - INFO - Iter [68550/160000] lr: 1.089e-06, eta: 10:30:09, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2390, decode.acc_seg: 89.8507, aux.loss_ce: 0.1661, aux.acc_seg: 83.9482, loss: 0.4050, grad_norm: 3.5143 2023-11-14 00:51:16,828 - mmseg - INFO - Iter [68600/160000] lr: 1.088e-06, eta: 10:29:48, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2518, decode.acc_seg: 89.6218, aux.loss_ce: 0.1763, aux.acc_seg: 83.6018, loss: 0.4281, grad_norm: 3.6290 2023-11-14 00:51:36,695 - mmseg - INFO - Iter [68650/160000] lr: 1.088e-06, eta: 10:29:26, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2672, decode.acc_seg: 89.2327, aux.loss_ce: 0.1753, aux.acc_seg: 83.2318, loss: 0.4425, grad_norm: 4.9126 2023-11-14 00:51:56,668 - mmseg - INFO - Iter [68700/160000] lr: 1.087e-06, eta: 10:29:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2606, decode.acc_seg: 89.5079, aux.loss_ce: 0.1863, aux.acc_seg: 82.4487, loss: 0.4469, grad_norm: 3.9054 2023-11-14 00:52:16,529 - mmseg - INFO - Iter [68750/160000] lr: 1.086e-06, eta: 10:28:43, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2462, decode.acc_seg: 89.8384, aux.loss_ce: 0.1673, aux.acc_seg: 84.0381, loss: 0.4136, grad_norm: 3.3429 2023-11-14 00:52:36,649 - mmseg - INFO - Iter [68800/160000] lr: 1.086e-06, eta: 10:28:21, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2481, decode.acc_seg: 89.9562, aux.loss_ce: 0.1721, aux.acc_seg: 83.8191, loss: 0.4202, grad_norm: 3.8869 2023-11-14 00:52:56,888 - mmseg - INFO - Iter [68850/160000] lr: 1.085e-06, eta: 10:28:00, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2491, decode.acc_seg: 89.6367, aux.loss_ce: 0.1793, aux.acc_seg: 83.0475, loss: 0.4284, grad_norm: 3.9170 2023-11-14 00:53:17,103 - mmseg - INFO - Iter [68900/160000] lr: 1.085e-06, eta: 10:27:39, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2577, decode.acc_seg: 89.2693, aux.loss_ce: 0.1784, aux.acc_seg: 82.9196, loss: 0.4362, grad_norm: 4.0579 2023-11-14 00:53:37,075 - mmseg - INFO - Iter [68950/160000] lr: 1.084e-06, eta: 10:27:17, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2386, decode.acc_seg: 90.1881, aux.loss_ce: 0.1670, aux.acc_seg: 83.9784, loss: 0.4055, grad_norm: 3.4700 2023-11-14 00:53:56,984 - mmseg - INFO - Saving checkpoint at 69000 iterations 2023-11-14 00:54:04,947 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 00:54:04,947 - mmseg - INFO - Iter [69000/160000] lr: 1.083e-06, eta: 10:27:06, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2513, decode.acc_seg: 89.8229, aux.loss_ce: 0.1785, aux.acc_seg: 83.4391, loss: 0.4298, grad_norm: 4.0757 2023-11-14 00:54:25,002 - mmseg - INFO - Iter [69050/160000] lr: 1.083e-06, eta: 10:26:44, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2448, decode.acc_seg: 90.1021, aux.loss_ce: 0.1679, aux.acc_seg: 84.4522, loss: 0.4127, grad_norm: 3.7641 2023-11-14 00:54:45,060 - mmseg - INFO - Iter [69100/160000] lr: 1.082e-06, eta: 10:26:23, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2806, decode.acc_seg: 88.4674, aux.loss_ce: 0.1882, aux.acc_seg: 82.6421, loss: 0.4687, grad_norm: 4.7181 2023-11-14 00:55:05,005 - mmseg - INFO - Iter [69150/160000] lr: 1.082e-06, eta: 10:26:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2509, decode.acc_seg: 89.7893, aux.loss_ce: 0.1699, aux.acc_seg: 83.4199, loss: 0.4208, grad_norm: 3.9278 2023-11-14 00:55:24,986 - mmseg - INFO - Iter [69200/160000] lr: 1.081e-06, eta: 10:25:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2283, decode.acc_seg: 90.5844, aux.loss_ce: 0.1635, aux.acc_seg: 84.6351, loss: 0.3918, grad_norm: 3.1756 2023-11-14 00:55:44,979 - mmseg - INFO - Iter [69250/160000] lr: 1.080e-06, eta: 10:25:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2432, decode.acc_seg: 89.9873, aux.loss_ce: 0.1696, aux.acc_seg: 83.9787, loss: 0.4129, grad_norm: 3.5172 2023-11-14 00:56:05,193 - mmseg - INFO - Iter [69300/160000] lr: 1.080e-06, eta: 10:24:57, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2704, decode.acc_seg: 89.2066, aux.loss_ce: 0.1864, aux.acc_seg: 82.4122, loss: 0.4567, grad_norm: 4.3613 2023-11-14 00:56:25,335 - mmseg - INFO - Iter [69350/160000] lr: 1.079e-06, eta: 10:24:36, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2407, decode.acc_seg: 90.3324, aux.loss_ce: 0.1625, aux.acc_seg: 84.8277, loss: 0.4032, grad_norm: 3.2834 2023-11-14 00:56:45,203 - mmseg - INFO - Iter [69400/160000] lr: 1.079e-06, eta: 10:24:14, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2485, decode.acc_seg: 90.0588, aux.loss_ce: 0.1760, aux.acc_seg: 83.8846, loss: 0.4245, grad_norm: 3.6231 2023-11-14 00:57:05,049 - mmseg - INFO - Iter [69450/160000] lr: 1.078e-06, eta: 10:23:52, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2415, decode.acc_seg: 90.3053, aux.loss_ce: 0.1704, aux.acc_seg: 84.2349, loss: 0.4119, grad_norm: 4.0615 2023-11-14 00:57:27,267 - mmseg - INFO - Iter [69500/160000] lr: 1.078e-06, eta: 10:23:33, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2534, decode.acc_seg: 89.5056, aux.loss_ce: 0.1685, aux.acc_seg: 83.9206, loss: 0.4219, grad_norm: 3.9027 2023-11-14 00:57:47,241 - mmseg - INFO - Iter [69550/160000] lr: 1.077e-06, eta: 10:23:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2440, decode.acc_seg: 89.9836, aux.loss_ce: 0.1733, aux.acc_seg: 83.5316, loss: 0.4173, grad_norm: 4.0825 2023-11-14 00:58:07,368 - mmseg - INFO - Iter [69600/160000] lr: 1.076e-06, eta: 10:22:51, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2538, decode.acc_seg: 89.4025, aux.loss_ce: 0.1699, aux.acc_seg: 83.4412, loss: 0.4237, grad_norm: 4.7900 2023-11-14 00:58:27,289 - mmseg - INFO - Iter [69650/160000] lr: 1.076e-06, eta: 10:22:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2480, decode.acc_seg: 89.6921, aux.loss_ce: 0.1702, aux.acc_seg: 83.8667, loss: 0.4182, grad_norm: 3.8836 2023-11-14 00:58:47,468 - mmseg - INFO - Iter [69700/160000] lr: 1.075e-06, eta: 10:22:08, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2477, decode.acc_seg: 90.0590, aux.loss_ce: 0.1683, aux.acc_seg: 84.2231, loss: 0.4159, grad_norm: 3.6718 2023-11-14 00:59:07,703 - mmseg - INFO - Iter [69750/160000] lr: 1.075e-06, eta: 10:21:46, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2405, decode.acc_seg: 89.9803, aux.loss_ce: 0.1739, aux.acc_seg: 83.2962, loss: 0.4145, grad_norm: 3.6438 2023-11-14 00:59:27,803 - mmseg - INFO - Iter [69800/160000] lr: 1.074e-06, eta: 10:21:25, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2504, decode.acc_seg: 89.8318, aux.loss_ce: 0.1764, aux.acc_seg: 83.5249, loss: 0.4268, grad_norm: 3.8220 2023-11-14 00:59:47,662 - mmseg - INFO - Iter [69850/160000] lr: 1.073e-06, eta: 10:21:03, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2446, decode.acc_seg: 89.9808, aux.loss_ce: 0.1652, aux.acc_seg: 84.3828, loss: 0.4099, grad_norm: 4.1393 2023-11-14 01:00:07,589 - mmseg - INFO - Iter [69900/160000] lr: 1.073e-06, eta: 10:20:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2529, decode.acc_seg: 89.5618, aux.loss_ce: 0.1732, aux.acc_seg: 83.4863, loss: 0.4261, grad_norm: 4.4834 2023-11-14 01:00:27,475 - mmseg - INFO - Iter [69950/160000] lr: 1.072e-06, eta: 10:20:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2571, decode.acc_seg: 89.3894, aux.loss_ce: 0.1773, aux.acc_seg: 83.1002, loss: 0.4344, grad_norm: 4.7106 2023-11-14 01:00:47,514 - mmseg - INFO - Saving checkpoint at 70000 iterations 2023-11-14 01:00:55,373 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:00:55,374 - mmseg - INFO - Iter [70000/160000] lr: 1.072e-06, eta: 10:20:09, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2415, decode.acc_seg: 90.1588, aux.loss_ce: 0.1728, aux.acc_seg: 83.9236, loss: 0.4143, grad_norm: 3.2647 2023-11-14 01:01:15,406 - mmseg - INFO - Iter [70050/160000] lr: 1.071e-06, eta: 10:19:47, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2557, decode.acc_seg: 89.6635, aux.loss_ce: 0.1811, aux.acc_seg: 83.2879, loss: 0.4367, grad_norm: 3.9083 2023-11-14 01:01:35,331 - mmseg - INFO - Iter [70100/160000] lr: 1.070e-06, eta: 10:19:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2625, decode.acc_seg: 89.2636, aux.loss_ce: 0.1796, aux.acc_seg: 83.2146, loss: 0.4421, grad_norm: 3.8117 2023-11-14 01:01:55,206 - mmseg - INFO - Iter [70150/160000] lr: 1.070e-06, eta: 10:19:04, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2616, decode.acc_seg: 89.1516, aux.loss_ce: 0.1777, aux.acc_seg: 83.4638, loss: 0.4393, grad_norm: 4.3454 2023-11-14 01:02:15,547 - mmseg - INFO - Iter [70200/160000] lr: 1.069e-06, eta: 10:18:43, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2458, decode.acc_seg: 90.0371, aux.loss_ce: 0.1738, aux.acc_seg: 83.5315, loss: 0.4196, grad_norm: 3.8869 2023-11-14 01:02:35,670 - mmseg - INFO - Iter [70250/160000] lr: 1.069e-06, eta: 10:18:21, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2627, decode.acc_seg: 89.2035, aux.loss_ce: 0.1826, aux.acc_seg: 83.1247, loss: 0.4454, grad_norm: 4.5402 2023-11-14 01:02:55,666 - mmseg - INFO - Iter [70300/160000] lr: 1.068e-06, eta: 10:18:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2440, decode.acc_seg: 89.7739, aux.loss_ce: 0.1697, aux.acc_seg: 84.3759, loss: 0.4137, grad_norm: 3.8233 2023-11-14 01:03:15,688 - mmseg - INFO - Iter [70350/160000] lr: 1.067e-06, eta: 10:17:38, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2547, decode.acc_seg: 89.4613, aux.loss_ce: 0.1687, aux.acc_seg: 83.4919, loss: 0.4234, grad_norm: 4.3316 2023-11-14 01:03:35,682 - mmseg - INFO - Iter [70400/160000] lr: 1.067e-06, eta: 10:17:17, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2666, decode.acc_seg: 89.1861, aux.loss_ce: 0.1803, aux.acc_seg: 83.2161, loss: 0.4469, grad_norm: 4.4232 2023-11-14 01:03:55,635 - mmseg - INFO - Iter [70450/160000] lr: 1.066e-06, eta: 10:16:55, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2529, decode.acc_seg: 89.4629, aux.loss_ce: 0.1752, aux.acc_seg: 83.1283, loss: 0.4281, grad_norm: 4.0988 2023-11-14 01:04:15,705 - mmseg - INFO - Iter [70500/160000] lr: 1.066e-06, eta: 10:16:34, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2718, decode.acc_seg: 89.0535, aux.loss_ce: 0.1877, aux.acc_seg: 82.7220, loss: 0.4595, grad_norm: 4.4193 2023-11-14 01:04:35,666 - mmseg - INFO - Iter [70550/160000] lr: 1.065e-06, eta: 10:16:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2722, decode.acc_seg: 88.9625, aux.loss_ce: 0.1917, aux.acc_seg: 82.6916, loss: 0.4639, grad_norm: 4.5364 2023-11-14 01:04:55,699 - mmseg - INFO - Iter [70600/160000] lr: 1.064e-06, eta: 10:15:51, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2322, decode.acc_seg: 90.4678, aux.loss_ce: 0.1608, aux.acc_seg: 85.0123, loss: 0.3930, grad_norm: 3.4131 2023-11-14 01:05:15,762 - mmseg - INFO - Iter [70650/160000] lr: 1.064e-06, eta: 10:15:29, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2462, decode.acc_seg: 90.0010, aux.loss_ce: 0.1649, aux.acc_seg: 84.5062, loss: 0.4111, grad_norm: 4.2245 2023-11-14 01:05:36,140 - mmseg - INFO - Iter [70700/160000] lr: 1.063e-06, eta: 10:15:08, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2462, decode.acc_seg: 89.5391, aux.loss_ce: 0.1711, aux.acc_seg: 83.5287, loss: 0.4173, grad_norm: 3.7356 2023-11-14 01:05:58,498 - mmseg - INFO - Iter [70750/160000] lr: 1.063e-06, eta: 10:14:50, time: 0.447, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2504, decode.acc_seg: 89.9776, aux.loss_ce: 0.1709, aux.acc_seg: 83.8794, loss: 0.4212, grad_norm: 4.3919 2023-11-14 01:06:18,680 - mmseg - INFO - Iter [70800/160000] lr: 1.062e-06, eta: 10:14:28, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2432, decode.acc_seg: 90.0221, aux.loss_ce: 0.1671, aux.acc_seg: 84.3603, loss: 0.4103, grad_norm: 4.0465 2023-11-14 01:06:38,552 - mmseg - INFO - Iter [70850/160000] lr: 1.061e-06, eta: 10:14:07, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2367, decode.acc_seg: 90.2538, aux.loss_ce: 0.1652, aux.acc_seg: 84.4078, loss: 0.4019, grad_norm: 3.2560 2023-11-14 01:06:58,628 - mmseg - INFO - Iter [70900/160000] lr: 1.061e-06, eta: 10:13:45, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2238, decode.acc_seg: 90.8060, aux.loss_ce: 0.1602, aux.acc_seg: 84.6615, loss: 0.3840, grad_norm: 4.1406 2023-11-14 01:07:18,573 - mmseg - INFO - Iter [70950/160000] lr: 1.060e-06, eta: 10:13:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2500, decode.acc_seg: 89.6375, aux.loss_ce: 0.1730, aux.acc_seg: 83.5854, loss: 0.4230, grad_norm: 4.0926 2023-11-14 01:07:38,532 - mmseg - INFO - Saving checkpoint at 71000 iterations 2023-11-14 01:07:46,530 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:07:46,530 - mmseg - INFO - Iter [71000/160000] lr: 1.060e-06, eta: 10:13:12, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2607, decode.acc_seg: 89.5942, aux.loss_ce: 0.1837, aux.acc_seg: 83.0405, loss: 0.4444, grad_norm: 4.1768 2023-11-14 01:08:06,451 - mmseg - INFO - Iter [71050/160000] lr: 1.059e-06, eta: 10:12:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2511, decode.acc_seg: 89.5686, aux.loss_ce: 0.1747, aux.acc_seg: 83.8205, loss: 0.4259, grad_norm: 3.8996 2023-11-14 01:08:26,560 - mmseg - INFO - Iter [71100/160000] lr: 1.058e-06, eta: 10:12:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2529, decode.acc_seg: 89.4845, aux.loss_ce: 0.1772, aux.acc_seg: 83.0486, loss: 0.4301, grad_norm: 4.2980 2023-11-14 01:08:46,911 - mmseg - INFO - Iter [71150/160000] lr: 1.058e-06, eta: 10:12:08, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2601, decode.acc_seg: 89.4024, aux.loss_ce: 0.1895, aux.acc_seg: 82.4625, loss: 0.4496, grad_norm: 4.0860 2023-11-14 01:09:07,053 - mmseg - INFO - Iter [71200/160000] lr: 1.057e-06, eta: 10:11:47, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2522, decode.acc_seg: 89.3700, aux.loss_ce: 0.1789, aux.acc_seg: 83.2887, loss: 0.4311, grad_norm: 3.9482 2023-11-14 01:09:27,020 - mmseg - INFO - Iter [71250/160000] lr: 1.057e-06, eta: 10:11:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2460, decode.acc_seg: 89.8031, aux.loss_ce: 0.1826, aux.acc_seg: 82.7940, loss: 0.4286, grad_norm: 3.8890 2023-11-14 01:09:46,910 - mmseg - INFO - Iter [71300/160000] lr: 1.056e-06, eta: 10:11:04, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2413, decode.acc_seg: 89.9846, aux.loss_ce: 0.1669, aux.acc_seg: 83.8983, loss: 0.4083, grad_norm: 4.9468 2023-11-14 01:10:06,826 - mmseg - INFO - Iter [71350/160000] lr: 1.055e-06, eta: 10:10:42, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2369, decode.acc_seg: 90.2364, aux.loss_ce: 0.1594, aux.acc_seg: 84.9537, loss: 0.3963, grad_norm: 3.7506 2023-11-14 01:10:26,898 - mmseg - INFO - Iter [71400/160000] lr: 1.055e-06, eta: 10:10:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2555, decode.acc_seg: 89.4160, aux.loss_ce: 0.1791, aux.acc_seg: 83.2385, loss: 0.4346, grad_norm: 4.5703 2023-11-14 01:10:46,864 - mmseg - INFO - Iter [71450/160000] lr: 1.054e-06, eta: 10:09:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2548, decode.acc_seg: 89.3735, aux.loss_ce: 0.1749, aux.acc_seg: 83.3269, loss: 0.4297, grad_norm: 4.0180 2023-11-14 01:11:06,756 - mmseg - INFO - Iter [71500/160000] lr: 1.054e-06, eta: 10:09:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2401, decode.acc_seg: 90.2469, aux.loss_ce: 0.1706, aux.acc_seg: 83.6543, loss: 0.4107, grad_norm: 3.5731 2023-11-14 01:11:26,696 - mmseg - INFO - Iter [71550/160000] lr: 1.053e-06, eta: 10:09:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2484, decode.acc_seg: 89.5768, aux.loss_ce: 0.1652, aux.acc_seg: 84.0428, loss: 0.4137, grad_norm: 3.8639 2023-11-14 01:11:46,915 - mmseg - INFO - Iter [71600/160000] lr: 1.053e-06, eta: 10:08:55, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2411, decode.acc_seg: 90.1660, aux.loss_ce: 0.1676, aux.acc_seg: 84.2714, loss: 0.4087, grad_norm: 3.6518 2023-11-14 01:12:07,062 - mmseg - INFO - Iter [71650/160000] lr: 1.052e-06, eta: 10:08:33, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2399, decode.acc_seg: 90.2223, aux.loss_ce: 0.1748, aux.acc_seg: 83.4857, loss: 0.4147, grad_norm: 3.9860 2023-11-14 01:12:26,979 - mmseg - INFO - Iter [71700/160000] lr: 1.051e-06, eta: 10:08:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2413, decode.acc_seg: 89.8498, aux.loss_ce: 0.1643, aux.acc_seg: 84.2929, loss: 0.4056, grad_norm: 4.3297 2023-11-14 01:12:46,888 - mmseg - INFO - Iter [71750/160000] lr: 1.051e-06, eta: 10:07:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2418, decode.acc_seg: 90.0540, aux.loss_ce: 0.1676, aux.acc_seg: 84.0042, loss: 0.4094, grad_norm: 4.0663 2023-11-14 01:13:06,849 - mmseg - INFO - Iter [71800/160000] lr: 1.050e-06, eta: 10:07:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2683, decode.acc_seg: 89.2059, aux.loss_ce: 0.1832, aux.acc_seg: 83.1012, loss: 0.4515, grad_norm: 4.5170 2023-11-14 01:13:26,825 - mmseg - INFO - Iter [71850/160000] lr: 1.050e-06, eta: 10:07:07, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2534, decode.acc_seg: 89.7638, aux.loss_ce: 0.1776, aux.acc_seg: 83.4769, loss: 0.4309, grad_norm: 3.8516 2023-11-14 01:13:46,837 - mmseg - INFO - Iter [71900/160000] lr: 1.049e-06, eta: 10:06:46, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2530, decode.acc_seg: 89.7841, aux.loss_ce: 0.1851, aux.acc_seg: 82.6653, loss: 0.4380, grad_norm: 4.5869 2023-11-14 01:14:06,818 - mmseg - INFO - Iter [71950/160000] lr: 1.048e-06, eta: 10:06:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2580, decode.acc_seg: 89.6304, aux.loss_ce: 0.1800, aux.acc_seg: 83.2078, loss: 0.4380, grad_norm: 4.0989 2023-11-14 01:14:29,198 - mmseg - INFO - Saving checkpoint at 72000 iterations 2023-11-14 01:14:37,865 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:14:37,865 - mmseg - INFO - Iter [72000/160000] lr: 1.048e-06, eta: 10:06:16, time: 0.621, data_time: 0.052, memory: 16105, decode.loss_ce: 0.2478, decode.acc_seg: 89.5829, aux.loss_ce: 0.1689, aux.acc_seg: 83.7360, loss: 0.4167, grad_norm: 3.6700 2023-11-14 01:14:58,282 - mmseg - INFO - Iter [72050/160000] lr: 1.047e-06, eta: 10:05:55, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2390, decode.acc_seg: 90.3971, aux.loss_ce: 0.1791, aux.acc_seg: 83.4340, loss: 0.4181, grad_norm: 3.3761 2023-11-14 01:15:18,535 - mmseg - INFO - Iter [72100/160000] lr: 1.047e-06, eta: 10:05:34, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2510, decode.acc_seg: 89.5685, aux.loss_ce: 0.1817, aux.acc_seg: 82.8087, loss: 0.4327, grad_norm: 3.9399 2023-11-14 01:15:38,433 - mmseg - INFO - Iter [72150/160000] lr: 1.046e-06, eta: 10:05:13, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2380, decode.acc_seg: 90.0167, aux.loss_ce: 0.1662, aux.acc_seg: 84.2094, loss: 0.4042, grad_norm: 3.9515 2023-11-14 01:15:58,327 - mmseg - INFO - Iter [72200/160000] lr: 1.045e-06, eta: 10:04:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2314, decode.acc_seg: 90.4221, aux.loss_ce: 0.1626, aux.acc_seg: 84.5433, loss: 0.3940, grad_norm: 3.6414 2023-11-14 01:16:18,250 - mmseg - INFO - Iter [72250/160000] lr: 1.045e-06, eta: 10:04:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2482, decode.acc_seg: 89.8906, aux.loss_ce: 0.1742, aux.acc_seg: 83.8069, loss: 0.4224, grad_norm: 4.2866 2023-11-14 01:16:38,218 - mmseg - INFO - Iter [72300/160000] lr: 1.044e-06, eta: 10:04:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2485, decode.acc_seg: 89.5983, aux.loss_ce: 0.1715, aux.acc_seg: 83.9328, loss: 0.4199, grad_norm: 3.8460 2023-11-14 01:16:58,076 - mmseg - INFO - Iter [72350/160000] lr: 1.044e-06, eta: 10:03:46, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2577, decode.acc_seg: 89.3514, aux.loss_ce: 0.1771, aux.acc_seg: 83.6809, loss: 0.4348, grad_norm: 3.9912 2023-11-14 01:17:17,956 - mmseg - INFO - Iter [72400/160000] lr: 1.043e-06, eta: 10:03:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2353, decode.acc_seg: 90.1043, aux.loss_ce: 0.1654, aux.acc_seg: 83.8967, loss: 0.4007, grad_norm: 4.1853 2023-11-14 01:17:37,917 - mmseg - INFO - Iter [72450/160000] lr: 1.042e-06, eta: 10:03:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2423, decode.acc_seg: 90.3426, aux.loss_ce: 0.1705, aux.acc_seg: 84.3022, loss: 0.4128, grad_norm: 3.5741 2023-11-14 01:17:58,142 - mmseg - INFO - Iter [72500/160000] lr: 1.042e-06, eta: 10:02:42, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2359, decode.acc_seg: 90.2793, aux.loss_ce: 0.1691, aux.acc_seg: 83.9675, loss: 0.4051, grad_norm: 4.4502 2023-11-14 01:18:18,355 - mmseg - INFO - Iter [72550/160000] lr: 1.041e-06, eta: 10:02:21, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2405, decode.acc_seg: 90.1150, aux.loss_ce: 0.1707, aux.acc_seg: 83.7047, loss: 0.4112, grad_norm: 3.5620 2023-11-14 01:18:38,256 - mmseg - INFO - Iter [72600/160000] lr: 1.041e-06, eta: 10:01:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2476, decode.acc_seg: 89.7876, aux.loss_ce: 0.1793, aux.acc_seg: 83.2181, loss: 0.4269, grad_norm: 3.8395 2023-11-14 01:18:58,123 - mmseg - INFO - Iter [72650/160000] lr: 1.040e-06, eta: 10:01:38, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.7515, aux.loss_ce: 0.1606, aux.acc_seg: 85.0966, loss: 0.3902, grad_norm: 3.1942 2023-11-14 01:19:18,034 - mmseg - INFO - Iter [72700/160000] lr: 1.039e-06, eta: 10:01:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2553, decode.acc_seg: 89.7373, aux.loss_ce: 0.1759, aux.acc_seg: 83.5369, loss: 0.4311, grad_norm: 4.5487 2023-11-14 01:19:37,966 - mmseg - INFO - Iter [72750/160000] lr: 1.039e-06, eta: 10:00:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2398, decode.acc_seg: 90.0029, aux.loss_ce: 0.1757, aux.acc_seg: 83.1263, loss: 0.4154, grad_norm: 3.8884 2023-11-14 01:19:58,049 - mmseg - INFO - Iter [72800/160000] lr: 1.038e-06, eta: 10:00:33, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2478, decode.acc_seg: 89.8283, aux.loss_ce: 0.1790, aux.acc_seg: 83.4490, loss: 0.4269, grad_norm: 3.7588 2023-11-14 01:20:18,069 - mmseg - INFO - Iter [72850/160000] lr: 1.038e-06, eta: 10:00:12, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2583, decode.acc_seg: 89.5875, aux.loss_ce: 0.1811, aux.acc_seg: 83.2151, loss: 0.4394, grad_norm: 3.6502 2023-11-14 01:20:37,973 - mmseg - INFO - Iter [72900/160000] lr: 1.037e-06, eta: 9:59:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2433, decode.acc_seg: 89.9431, aux.loss_ce: 0.1720, aux.acc_seg: 83.5769, loss: 0.4152, grad_norm: 4.3725 2023-11-14 01:20:58,089 - mmseg - INFO - Iter [72950/160000] lr: 1.036e-06, eta: 9:59:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2349, decode.acc_seg: 90.3868, aux.loss_ce: 0.1667, aux.acc_seg: 84.5786, loss: 0.4016, grad_norm: 3.7769 2023-11-14 01:21:18,283 - mmseg - INFO - Saving checkpoint at 73000 iterations 2023-11-14 01:21:25,858 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:21:25,858 - mmseg - INFO - Iter [73000/160000] lr: 1.036e-06, eta: 9:59:17, time: 0.556, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2514, decode.acc_seg: 89.5916, aux.loss_ce: 0.1781, aux.acc_seg: 83.1445, loss: 0.4295, grad_norm: 3.8851 2023-11-14 01:21:45,970 - mmseg - INFO - Iter [73050/160000] lr: 1.035e-06, eta: 9:58:55, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2542, decode.acc_seg: 89.5921, aux.loss_ce: 0.1794, aux.acc_seg: 83.2134, loss: 0.4335, grad_norm: 4.0997 2023-11-14 01:22:05,899 - mmseg - INFO - Iter [73100/160000] lr: 1.035e-06, eta: 9:58:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2623, decode.acc_seg: 89.0933, aux.loss_ce: 0.1777, aux.acc_seg: 83.0317, loss: 0.4400, grad_norm: 4.9648 2023-11-14 01:22:25,819 - mmseg - INFO - Iter [73150/160000] lr: 1.034e-06, eta: 9:58:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2607, decode.acc_seg: 89.5409, aux.loss_ce: 0.1814, aux.acc_seg: 83.5538, loss: 0.4421, grad_norm: 3.7775 2023-11-14 01:22:45,816 - mmseg - INFO - Iter [73200/160000] lr: 1.033e-06, eta: 9:57:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2380, decode.acc_seg: 90.0427, aux.loss_ce: 0.1677, aux.acc_seg: 83.8014, loss: 0.4056, grad_norm: 4.0114 2023-11-14 01:23:05,675 - mmseg - INFO - Iter [73250/160000] lr: 1.033e-06, eta: 9:57:29, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2615, decode.acc_seg: 89.5190, aux.loss_ce: 0.1769, aux.acc_seg: 83.7762, loss: 0.4384, grad_norm: 4.5307 2023-11-14 01:23:27,974 - mmseg - INFO - Iter [73300/160000] lr: 1.032e-06, eta: 9:57:10, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2542, decode.acc_seg: 89.8890, aux.loss_ce: 0.1794, aux.acc_seg: 83.5483, loss: 0.4336, grad_norm: 4.2951 2023-11-14 01:23:47,910 - mmseg - INFO - Iter [73350/160000] lr: 1.032e-06, eta: 9:56:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2585, decode.acc_seg: 89.2860, aux.loss_ce: 0.1834, aux.acc_seg: 82.4756, loss: 0.4419, grad_norm: 4.1272 2023-11-14 01:24:07,998 - mmseg - INFO - Iter [73400/160000] lr: 1.031e-06, eta: 9:56:27, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2328, decode.acc_seg: 90.3528, aux.loss_ce: 0.1660, aux.acc_seg: 84.0915, loss: 0.3988, grad_norm: 3.3418 2023-11-14 01:24:28,262 - mmseg - INFO - Iter [73450/160000] lr: 1.030e-06, eta: 9:56:06, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2538, decode.acc_seg: 89.5854, aux.loss_ce: 0.1731, aux.acc_seg: 83.5676, loss: 0.4269, grad_norm: 4.8248 2023-11-14 01:24:48,245 - mmseg - INFO - Iter [73500/160000] lr: 1.030e-06, eta: 9:55:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2351, decode.acc_seg: 90.3466, aux.loss_ce: 0.1616, aux.acc_seg: 84.8608, loss: 0.3968, grad_norm: 3.9471 2023-11-14 01:25:08,170 - mmseg - INFO - Iter [73550/160000] lr: 1.029e-06, eta: 9:55:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2507, decode.acc_seg: 89.8454, aux.loss_ce: 0.1799, aux.acc_seg: 83.6646, loss: 0.4306, grad_norm: 4.2011 2023-11-14 01:25:28,122 - mmseg - INFO - Iter [73600/160000] lr: 1.029e-06, eta: 9:55:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2415, decode.acc_seg: 90.0103, aux.loss_ce: 0.1634, aux.acc_seg: 84.6735, loss: 0.4049, grad_norm: 3.3560 2023-11-14 01:25:48,033 - mmseg - INFO - Iter [73650/160000] lr: 1.028e-06, eta: 9:54:40, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2436, decode.acc_seg: 90.2279, aux.loss_ce: 0.1698, aux.acc_seg: 84.1110, loss: 0.4134, grad_norm: 4.0776 2023-11-14 01:26:08,099 - mmseg - INFO - Iter [73700/160000] lr: 1.028e-06, eta: 9:54:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2509, decode.acc_seg: 89.8793, aux.loss_ce: 0.1705, aux.acc_seg: 83.9561, loss: 0.4214, grad_norm: 4.6774 2023-11-14 01:26:28,022 - mmseg - INFO - Iter [73750/160000] lr: 1.027e-06, eta: 9:53:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2301, decode.acc_seg: 90.2874, aux.loss_ce: 0.1635, aux.acc_seg: 84.3991, loss: 0.3936, grad_norm: 3.6757 2023-11-14 01:26:48,007 - mmseg - INFO - Iter [73800/160000] lr: 1.026e-06, eta: 9:53:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2570, decode.acc_seg: 89.3375, aux.loss_ce: 0.1793, aux.acc_seg: 82.8489, loss: 0.4362, grad_norm: 3.9879 2023-11-14 01:27:08,096 - mmseg - INFO - Iter [73850/160000] lr: 1.026e-06, eta: 9:53:15, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2554, decode.acc_seg: 89.8224, aux.loss_ce: 0.1834, aux.acc_seg: 83.3075, loss: 0.4388, grad_norm: 4.5011 2023-11-14 01:27:28,290 - mmseg - INFO - Iter [73900/160000] lr: 1.025e-06, eta: 9:52:53, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2339, decode.acc_seg: 90.0202, aux.loss_ce: 0.1619, aux.acc_seg: 83.7152, loss: 0.3958, grad_norm: 3.8619 2023-11-14 01:27:48,437 - mmseg - INFO - Iter [73950/160000] lr: 1.025e-06, eta: 9:52:32, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2434, decode.acc_seg: 90.0688, aux.loss_ce: 0.1638, aux.acc_seg: 84.6435, loss: 0.4073, grad_norm: 4.0985 2023-11-14 01:28:08,373 - mmseg - INFO - Saving checkpoint at 74000 iterations 2023-11-14 01:28:16,271 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:28:16,271 - mmseg - INFO - Iter [74000/160000] lr: 1.024e-06, eta: 9:52:20, time: 0.557, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2529, decode.acc_seg: 89.9814, aux.loss_ce: 0.1756, aux.acc_seg: 84.1787, loss: 0.4284, grad_norm: 4.1837 2023-11-14 01:28:36,311 - mmseg - INFO - Iter [74050/160000] lr: 1.023e-06, eta: 9:51:59, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2389, decode.acc_seg: 90.0568, aux.loss_ce: 0.1724, aux.acc_seg: 83.9036, loss: 0.4113, grad_norm: 3.9678 2023-11-14 01:28:56,229 - mmseg - INFO - Iter [74100/160000] lr: 1.023e-06, eta: 9:51:37, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2470, decode.acc_seg: 89.7013, aux.loss_ce: 0.1701, aux.acc_seg: 83.3158, loss: 0.4171, grad_norm: 4.4296 2023-11-14 01:29:16,125 - mmseg - INFO - Iter [74150/160000] lr: 1.022e-06, eta: 9:51:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2441, decode.acc_seg: 90.0143, aux.loss_ce: 0.1719, aux.acc_seg: 83.7100, loss: 0.4160, grad_norm: 3.9428 2023-11-14 01:29:36,089 - mmseg - INFO - Iter [74200/160000] lr: 1.022e-06, eta: 9:50:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2536, decode.acc_seg: 89.8620, aux.loss_ce: 0.1830, aux.acc_seg: 83.4607, loss: 0.4366, grad_norm: 4.2142 2023-11-14 01:29:56,014 - mmseg - INFO - Iter [74250/160000] lr: 1.021e-06, eta: 9:50:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 90.2309, aux.loss_ce: 0.1639, aux.acc_seg: 83.5512, loss: 0.3870, grad_norm: 3.7921 2023-11-14 01:30:16,034 - mmseg - INFO - Iter [74300/160000] lr: 1.020e-06, eta: 9:50:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2408, decode.acc_seg: 90.1980, aux.loss_ce: 0.1678, aux.acc_seg: 84.4723, loss: 0.4085, grad_norm: 3.9439 2023-11-14 01:30:36,181 - mmseg - INFO - Iter [74350/160000] lr: 1.020e-06, eta: 9:49:50, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2454, decode.acc_seg: 89.8622, aux.loss_ce: 0.1718, aux.acc_seg: 83.3551, loss: 0.4172, grad_norm: 4.3327 2023-11-14 01:30:56,446 - mmseg - INFO - Iter [74400/160000] lr: 1.019e-06, eta: 9:49:29, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2391, decode.acc_seg: 90.2409, aux.loss_ce: 0.1756, aux.acc_seg: 83.4803, loss: 0.4147, grad_norm: 3.9655 2023-11-14 01:31:16,334 - mmseg - INFO - Iter [74450/160000] lr: 1.019e-06, eta: 9:49:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2452, decode.acc_seg: 90.0147, aux.loss_ce: 0.1797, aux.acc_seg: 83.2431, loss: 0.4249, grad_norm: 3.9044 2023-11-14 01:31:36,355 - mmseg - INFO - Iter [74500/160000] lr: 1.018e-06, eta: 9:48:46, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2412, decode.acc_seg: 89.9336, aux.loss_ce: 0.1694, aux.acc_seg: 83.7744, loss: 0.4105, grad_norm: 4.8178 2023-11-14 01:31:58,732 - mmseg - INFO - Iter [74550/160000] lr: 1.017e-06, eta: 9:48:27, time: 0.447, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2445, decode.acc_seg: 90.0305, aux.loss_ce: 0.1755, aux.acc_seg: 83.6474, loss: 0.4200, grad_norm: 4.0704 2023-11-14 01:32:18,610 - mmseg - INFO - Iter [74600/160000] lr: 1.017e-06, eta: 9:48:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2493, decode.acc_seg: 89.9543, aux.loss_ce: 0.1828, aux.acc_seg: 83.1648, loss: 0.4321, grad_norm: 4.0772 2023-11-14 01:32:38,536 - mmseg - INFO - Iter [74650/160000] lr: 1.016e-06, eta: 9:47:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2459, decode.acc_seg: 89.9294, aux.loss_ce: 0.1673, aux.acc_seg: 84.1420, loss: 0.4132, grad_norm: 3.7112 2023-11-14 01:32:58,509 - mmseg - INFO - Iter [74700/160000] lr: 1.016e-06, eta: 9:47:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2307, decode.acc_seg: 90.3032, aux.loss_ce: 0.1610, aux.acc_seg: 84.5269, loss: 0.3917, grad_norm: 3.6935 2023-11-14 01:33:18,365 - mmseg - INFO - Iter [74750/160000] lr: 1.015e-06, eta: 9:47:01, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2637, decode.acc_seg: 89.6088, aux.loss_ce: 0.1853, aux.acc_seg: 82.9546, loss: 0.4490, grad_norm: 4.3846 2023-11-14 01:33:38,494 - mmseg - INFO - Iter [74800/160000] lr: 1.014e-06, eta: 9:46:40, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2367, decode.acc_seg: 90.2594, aux.loss_ce: 0.1671, aux.acc_seg: 84.0483, loss: 0.4038, grad_norm: 3.7055 2023-11-14 01:33:58,766 - mmseg - INFO - Iter [74850/160000] lr: 1.014e-06, eta: 9:46:19, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2453, decode.acc_seg: 90.1847, aux.loss_ce: 0.1747, aux.acc_seg: 84.1039, loss: 0.4200, grad_norm: 4.4806 2023-11-14 01:34:18,671 - mmseg - INFO - Iter [74900/160000] lr: 1.013e-06, eta: 9:45:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2466, decode.acc_seg: 89.7309, aux.loss_ce: 0.1711, aux.acc_seg: 83.6523, loss: 0.4177, grad_norm: 4.0867 2023-11-14 01:34:38,554 - mmseg - INFO - Iter [74950/160000] lr: 1.013e-06, eta: 9:45:36, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2362, decode.acc_seg: 90.3274, aux.loss_ce: 0.1642, aux.acc_seg: 84.3154, loss: 0.4004, grad_norm: 4.1691 2023-11-14 01:34:58,555 - mmseg - INFO - Saving checkpoint at 75000 iterations 2023-11-14 01:35:06,508 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:35:06,508 - mmseg - INFO - Iter [75000/160000] lr: 1.012e-06, eta: 9:45:23, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2318, decode.acc_seg: 90.4724, aux.loss_ce: 0.1637, aux.acc_seg: 84.4078, loss: 0.3955, grad_norm: 3.5439 2023-11-14 01:35:26,486 - mmseg - INFO - Iter [75050/160000] lr: 1.011e-06, eta: 9:45:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2277, decode.acc_seg: 90.5286, aux.loss_ce: 0.1653, aux.acc_seg: 84.2483, loss: 0.3930, grad_norm: 3.4584 2023-11-14 01:35:46,416 - mmseg - INFO - Iter [75100/160000] lr: 1.011e-06, eta: 9:44:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2369, decode.acc_seg: 90.0132, aux.loss_ce: 0.1663, aux.acc_seg: 84.1008, loss: 0.4032, grad_norm: 3.9431 2023-11-14 01:36:06,370 - mmseg - INFO - Iter [75150/160000] lr: 1.010e-06, eta: 9:44:19, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2490, decode.acc_seg: 89.9611, aux.loss_ce: 0.1757, aux.acc_seg: 83.3580, loss: 0.4247, grad_norm: 4.1974 2023-11-14 01:36:26,346 - mmseg - INFO - Iter [75200/160000] lr: 1.010e-06, eta: 9:43:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2354, decode.acc_seg: 90.4344, aux.loss_ce: 0.1671, aux.acc_seg: 84.1760, loss: 0.4025, grad_norm: 3.2145 2023-11-14 01:36:46,498 - mmseg - INFO - Iter [75250/160000] lr: 1.009e-06, eta: 9:43:36, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2507, decode.acc_seg: 89.5988, aux.loss_ce: 0.1697, aux.acc_seg: 83.6562, loss: 0.4204, grad_norm: 4.1226 2023-11-14 01:37:06,718 - mmseg - INFO - Iter [75300/160000] lr: 1.008e-06, eta: 9:43:15, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2521, decode.acc_seg: 89.7413, aux.loss_ce: 0.1809, aux.acc_seg: 83.3452, loss: 0.4330, grad_norm: 3.8536 2023-11-14 01:37:26,718 - mmseg - INFO - Iter [75350/160000] lr: 1.008e-06, eta: 9:42:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2514, decode.acc_seg: 89.9117, aux.loss_ce: 0.1791, aux.acc_seg: 83.2937, loss: 0.4305, grad_norm: 4.4372 2023-11-14 01:37:46,592 - mmseg - INFO - Iter [75400/160000] lr: 1.007e-06, eta: 9:42:32, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2469, decode.acc_seg: 89.7158, aux.loss_ce: 0.1757, aux.acc_seg: 83.4211, loss: 0.4226, grad_norm: 3.9175 2023-11-14 01:38:06,469 - mmseg - INFO - Iter [75450/160000] lr: 1.007e-06, eta: 9:42:11, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2450, decode.acc_seg: 89.8498, aux.loss_ce: 0.1739, aux.acc_seg: 83.5560, loss: 0.4189, grad_norm: 4.3719 2023-11-14 01:38:26,559 - mmseg - INFO - Iter [75500/160000] lr: 1.006e-06, eta: 9:41:49, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2448, decode.acc_seg: 89.8641, aux.loss_ce: 0.1642, aux.acc_seg: 84.7751, loss: 0.4090, grad_norm: 4.2548 2023-11-14 01:38:46,520 - mmseg - INFO - Iter [75550/160000] lr: 1.005e-06, eta: 9:41:28, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2422, decode.acc_seg: 90.0276, aux.loss_ce: 0.1744, aux.acc_seg: 84.0647, loss: 0.4166, grad_norm: 4.0813 2023-11-14 01:39:06,556 - mmseg - INFO - Iter [75600/160000] lr: 1.005e-06, eta: 9:41:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2328, decode.acc_seg: 90.7617, aux.loss_ce: 0.1559, aux.acc_seg: 85.4814, loss: 0.3887, grad_norm: 3.8999 2023-11-14 01:39:26,597 - mmseg - INFO - Iter [75650/160000] lr: 1.004e-06, eta: 9:40:45, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2387, decode.acc_seg: 90.2461, aux.loss_ce: 0.1681, aux.acc_seg: 84.3461, loss: 0.4069, grad_norm: 4.5505 2023-11-14 01:39:46,560 - mmseg - INFO - Iter [75700/160000] lr: 1.004e-06, eta: 9:40:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2248, decode.acc_seg: 90.6623, aux.loss_ce: 0.1622, aux.acc_seg: 84.5938, loss: 0.3870, grad_norm: 3.6153 2023-11-14 01:40:06,711 - mmseg - INFO - Iter [75750/160000] lr: 1.003e-06, eta: 9:40:02, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2622, decode.acc_seg: 89.4057, aux.loss_ce: 0.1854, aux.acc_seg: 82.6599, loss: 0.4476, grad_norm: 4.4821 2023-11-14 01:40:29,137 - mmseg - INFO - Iter [75800/160000] lr: 1.003e-06, eta: 9:39:44, time: 0.449, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2490, decode.acc_seg: 89.6762, aux.loss_ce: 0.1767, aux.acc_seg: 83.6719, loss: 0.4257, grad_norm: 4.4888 2023-11-14 01:40:49,110 - mmseg - INFO - Iter [75850/160000] lr: 1.002e-06, eta: 9:39:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2349, decode.acc_seg: 90.1211, aux.loss_ce: 0.1718, aux.acc_seg: 83.6822, loss: 0.4067, grad_norm: 3.6243 2023-11-14 01:41:09,057 - mmseg - INFO - Iter [75900/160000] lr: 1.001e-06, eta: 9:39:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2370, decode.acc_seg: 90.3495, aux.loss_ce: 0.1653, aux.acc_seg: 84.6498, loss: 0.4023, grad_norm: 4.0043 2023-11-14 01:41:28,975 - mmseg - INFO - Iter [75950/160000] lr: 1.001e-06, eta: 9:38:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2395, decode.acc_seg: 90.2291, aux.loss_ce: 0.1644, aux.acc_seg: 84.2543, loss: 0.4040, grad_norm: 4.0266 2023-11-14 01:41:49,081 - mmseg - INFO - Saving checkpoint at 76000 iterations 2023-11-14 01:41:56,587 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:41:56,587 - mmseg - INFO - Iter [76000/160000] lr: 1.000e-06, eta: 9:38:27, time: 0.552, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2328, decode.acc_seg: 90.4090, aux.loss_ce: 0.1669, aux.acc_seg: 84.0780, loss: 0.3997, grad_norm: 3.6143 2023-11-14 01:42:16,521 - mmseg - INFO - Iter [76050/160000] lr: 9.995e-07, eta: 9:38:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2423, decode.acc_seg: 90.0958, aux.loss_ce: 0.1681, aux.acc_seg: 84.2242, loss: 0.4104, grad_norm: 3.1780 2023-11-14 01:42:36,386 - mmseg - INFO - Iter [76100/160000] lr: 9.989e-07, eta: 9:37:44, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2396, decode.acc_seg: 90.1285, aux.loss_ce: 0.1617, aux.acc_seg: 84.8360, loss: 0.4013, grad_norm: 3.5197 2023-11-14 01:42:56,371 - mmseg - INFO - Iter [76150/160000] lr: 9.983e-07, eta: 9:37:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2439, decode.acc_seg: 90.1115, aux.loss_ce: 0.1657, aux.acc_seg: 84.6615, loss: 0.4096, grad_norm: 3.8830 2023-11-14 01:43:16,724 - mmseg - INFO - Iter [76200/160000] lr: 9.977e-07, eta: 9:37:01, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2411, decode.acc_seg: 90.1709, aux.loss_ce: 0.1761, aux.acc_seg: 83.5254, loss: 0.4173, grad_norm: 3.5077 2023-11-14 01:43:36,837 - mmseg - INFO - Iter [76250/160000] lr: 9.971e-07, eta: 9:36:40, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2334, decode.acc_seg: 90.3604, aux.loss_ce: 0.1675, aux.acc_seg: 83.8169, loss: 0.4009, grad_norm: 3.8866 2023-11-14 01:43:56,736 - mmseg - INFO - Iter [76300/160000] lr: 9.966e-07, eta: 9:36:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2527, decode.acc_seg: 89.9194, aux.loss_ce: 0.1789, aux.acc_seg: 83.5680, loss: 0.4316, grad_norm: 3.9442 2023-11-14 01:44:16,715 - mmseg - INFO - Iter [76350/160000] lr: 9.960e-07, eta: 9:35:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2363, decode.acc_seg: 90.2850, aux.loss_ce: 0.1668, aux.acc_seg: 84.4122, loss: 0.4031, grad_norm: 3.9676 2023-11-14 01:44:36,585 - mmseg - INFO - Iter [76400/160000] lr: 9.954e-07, eta: 9:35:35, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2292, decode.acc_seg: 90.7306, aux.loss_ce: 0.1660, aux.acc_seg: 84.2647, loss: 0.3952, grad_norm: 3.8167 2023-11-14 01:44:56,621 - mmseg - INFO - Iter [76450/160000] lr: 9.948e-07, eta: 9:35:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2307, decode.acc_seg: 90.4962, aux.loss_ce: 0.1644, aux.acc_seg: 84.5302, loss: 0.3951, grad_norm: 3.5040 2023-11-14 01:45:16,479 - mmseg - INFO - Iter [76500/160000] lr: 9.942e-07, eta: 9:34:53, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2460, decode.acc_seg: 90.1303, aux.loss_ce: 0.1644, aux.acc_seg: 84.8199, loss: 0.4104, grad_norm: 4.1414 2023-11-14 01:45:36,326 - mmseg - INFO - Iter [76550/160000] lr: 9.936e-07, eta: 9:34:31, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2382, decode.acc_seg: 90.4221, aux.loss_ce: 0.1710, aux.acc_seg: 84.2175, loss: 0.4092, grad_norm: 4.0847 2023-11-14 01:45:56,576 - mmseg - INFO - Iter [76600/160000] lr: 9.930e-07, eta: 9:34:10, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2313, decode.acc_seg: 90.1859, aux.loss_ce: 0.1648, aux.acc_seg: 84.3612, loss: 0.3960, grad_norm: 3.8852 2023-11-14 01:46:16,719 - mmseg - INFO - Iter [76650/160000] lr: 9.924e-07, eta: 9:33:49, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2467, decode.acc_seg: 89.9713, aux.loss_ce: 0.1779, aux.acc_seg: 83.1326, loss: 0.4246, grad_norm: 4.4215 2023-11-14 01:46:37,002 - mmseg - INFO - Iter [76700/160000] lr: 9.918e-07, eta: 9:33:28, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2446, decode.acc_seg: 90.0885, aux.loss_ce: 0.1684, aux.acc_seg: 84.1118, loss: 0.4129, grad_norm: 4.2597 2023-11-14 01:46:56,874 - mmseg - INFO - Iter [76750/160000] lr: 9.912e-07, eta: 9:33:06, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2473, decode.acc_seg: 90.1127, aux.loss_ce: 0.1798, aux.acc_seg: 83.4286, loss: 0.4271, grad_norm: 4.0010 2023-11-14 01:47:16,737 - mmseg - INFO - Iter [76800/160000] lr: 9.906e-07, eta: 9:32:45, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2407, decode.acc_seg: 90.1681, aux.loss_ce: 0.1657, aux.acc_seg: 84.4442, loss: 0.4064, grad_norm: 4.7045 2023-11-14 01:47:36,741 - mmseg - INFO - Iter [76850/160000] lr: 9.900e-07, eta: 9:32:23, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2478, decode.acc_seg: 90.2009, aux.loss_ce: 0.1769, aux.acc_seg: 83.7763, loss: 0.4247, grad_norm: 4.3652 2023-11-14 01:47:56,730 - mmseg - INFO - Iter [76900/160000] lr: 9.894e-07, eta: 9:32:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2396, decode.acc_seg: 89.9502, aux.loss_ce: 0.1690, aux.acc_seg: 84.0689, loss: 0.4086, grad_norm: 3.8909 2023-11-14 01:48:16,634 - mmseg - INFO - Iter [76950/160000] lr: 9.888e-07, eta: 9:31:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2377, decode.acc_seg: 90.2796, aux.loss_ce: 0.1658, aux.acc_seg: 84.2863, loss: 0.4034, grad_norm: 3.2272 2023-11-14 01:48:36,511 - mmseg - INFO - Saving checkpoint at 77000 iterations 2023-11-14 01:48:43,843 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:48:43,843 - mmseg - INFO - Iter [77000/160000] lr: 9.882e-07, eta: 9:31:27, time: 0.544, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2404, decode.acc_seg: 90.4040, aux.loss_ce: 0.1725, aux.acc_seg: 83.9994, loss: 0.4128, grad_norm: 4.4021 2023-11-14 01:49:06,169 - mmseg - INFO - Iter [77050/160000] lr: 9.876e-07, eta: 9:31:08, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2409, decode.acc_seg: 90.0616, aux.loss_ce: 0.1715, aux.acc_seg: 84.1221, loss: 0.4124, grad_norm: 3.9600 2023-11-14 01:49:26,469 - mmseg - INFO - Iter [77100/160000] lr: 9.870e-07, eta: 9:30:47, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2229, decode.acc_seg: 90.8476, aux.loss_ce: 0.1608, aux.acc_seg: 84.9067, loss: 0.3837, grad_norm: 3.8083 2023-11-14 01:49:46,684 - mmseg - INFO - Iter [77150/160000] lr: 9.864e-07, eta: 9:30:26, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2333, decode.acc_seg: 90.5753, aux.loss_ce: 0.1635, aux.acc_seg: 84.5461, loss: 0.3969, grad_norm: 3.4068 2023-11-14 01:50:06,655 - mmseg - INFO - Iter [77200/160000] lr: 9.858e-07, eta: 9:30:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2448, decode.acc_seg: 89.8684, aux.loss_ce: 0.1740, aux.acc_seg: 83.1584, loss: 0.4188, grad_norm: 4.6122 2023-11-14 01:50:26,702 - mmseg - INFO - Iter [77250/160000] lr: 9.852e-07, eta: 9:29:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2463, decode.acc_seg: 90.0575, aux.loss_ce: 0.1662, aux.acc_seg: 84.3013, loss: 0.4126, grad_norm: 5.1666 2023-11-14 01:50:46,677 - mmseg - INFO - Iter [77300/160000] lr: 9.846e-07, eta: 9:29:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2417, decode.acc_seg: 89.9987, aux.loss_ce: 0.1605, aux.acc_seg: 84.4910, loss: 0.4021, grad_norm: 4.0019 2023-11-14 01:51:06,615 - mmseg - INFO - Iter [77350/160000] lr: 9.840e-07, eta: 9:29:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2457, decode.acc_seg: 89.8626, aux.loss_ce: 0.1769, aux.acc_seg: 83.3706, loss: 0.4226, grad_norm: 4.2664 2023-11-14 01:51:26,628 - mmseg - INFO - Iter [77400/160000] lr: 9.835e-07, eta: 9:28:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2400, decode.acc_seg: 90.0290, aux.loss_ce: 0.1736, aux.acc_seg: 83.4299, loss: 0.4136, grad_norm: 4.0511 2023-11-14 01:51:46,592 - mmseg - INFO - Iter [77450/160000] lr: 9.829e-07, eta: 9:28:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2626, decode.acc_seg: 89.2431, aux.loss_ce: 0.1748, aux.acc_seg: 83.3953, loss: 0.4374, grad_norm: 4.4254 2023-11-14 01:52:06,571 - mmseg - INFO - Iter [77500/160000] lr: 9.823e-07, eta: 9:27:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2501, decode.acc_seg: 89.7613, aux.loss_ce: 0.1729, aux.acc_seg: 83.5980, loss: 0.4230, grad_norm: 4.0997 2023-11-14 01:52:26,747 - mmseg - INFO - Iter [77550/160000] lr: 9.817e-07, eta: 9:27:35, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2354, decode.acc_seg: 90.6030, aux.loss_ce: 0.1675, aux.acc_seg: 84.4467, loss: 0.4029, grad_norm: 4.2731 2023-11-14 01:52:47,051 - mmseg - INFO - Iter [77600/160000] lr: 9.811e-07, eta: 9:27:14, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2350, decode.acc_seg: 90.3564, aux.loss_ce: 0.1653, aux.acc_seg: 84.4542, loss: 0.4003, grad_norm: 3.4718 2023-11-14 01:53:07,237 - mmseg - INFO - Iter [77650/160000] lr: 9.805e-07, eta: 9:26:53, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2287, decode.acc_seg: 90.4473, aux.loss_ce: 0.1614, aux.acc_seg: 84.6241, loss: 0.3901, grad_norm: 3.4210 2023-11-14 01:53:27,150 - mmseg - INFO - Iter [77700/160000] lr: 9.799e-07, eta: 9:26:32, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2363, decode.acc_seg: 90.3725, aux.loss_ce: 0.1737, aux.acc_seg: 83.8421, loss: 0.4100, grad_norm: 4.0034 2023-11-14 01:53:47,262 - mmseg - INFO - Iter [77750/160000] lr: 9.793e-07, eta: 9:26:10, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2290, decode.acc_seg: 90.4908, aux.loss_ce: 0.1669, aux.acc_seg: 84.2765, loss: 0.3959, grad_norm: 3.4637 2023-11-14 01:54:07,161 - mmseg - INFO - Iter [77800/160000] lr: 9.787e-07, eta: 9:25:49, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2326, decode.acc_seg: 90.4634, aux.loss_ce: 0.1622, aux.acc_seg: 84.9629, loss: 0.3948, grad_norm: 3.6767 2023-11-14 01:54:27,017 - mmseg - INFO - Iter [77850/160000] lr: 9.781e-07, eta: 9:25:27, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2457, decode.acc_seg: 89.9289, aux.loss_ce: 0.1679, aux.acc_seg: 84.4214, loss: 0.4136, grad_norm: 4.1470 2023-11-14 01:54:46,886 - mmseg - INFO - Iter [77900/160000] lr: 9.775e-07, eta: 9:25:06, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2350, decode.acc_seg: 90.4746, aux.loss_ce: 0.1691, aux.acc_seg: 84.1013, loss: 0.4041, grad_norm: 4.3779 2023-11-14 01:55:06,881 - mmseg - INFO - Iter [77950/160000] lr: 9.769e-07, eta: 9:24:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2566, decode.acc_seg: 89.6777, aux.loss_ce: 0.1815, aux.acc_seg: 83.3549, loss: 0.4382, grad_norm: 4.9883 2023-11-14 01:55:26,949 - mmseg - INFO - Saving checkpoint at 78000 iterations 2023-11-14 01:55:35,125 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 01:55:35,125 - mmseg - INFO - Iter [78000/160000] lr: 9.763e-07, eta: 9:24:32, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2394, decode.acc_seg: 90.3678, aux.loss_ce: 0.1731, aux.acc_seg: 84.0709, loss: 0.4125, grad_norm: 3.8112 2023-11-14 01:55:55,557 - mmseg - INFO - Iter [78050/160000] lr: 9.757e-07, eta: 9:24:11, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2338, decode.acc_seg: 90.3378, aux.loss_ce: 0.1665, aux.acc_seg: 84.1772, loss: 0.4002, grad_norm: 3.5793 2023-11-14 01:56:15,720 - mmseg - INFO - Iter [78100/160000] lr: 9.751e-07, eta: 9:23:50, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2346, decode.acc_seg: 90.3863, aux.loss_ce: 0.1702, aux.acc_seg: 84.0974, loss: 0.4048, grad_norm: 3.6297 2023-11-14 01:56:35,729 - mmseg - INFO - Iter [78150/160000] lr: 9.745e-07, eta: 9:23:29, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2450, decode.acc_seg: 89.8799, aux.loss_ce: 0.1737, aux.acc_seg: 83.7573, loss: 0.4188, grad_norm: 4.5003 2023-11-14 01:56:55,646 - mmseg - INFO - Iter [78200/160000] lr: 9.739e-07, eta: 9:23:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2373, decode.acc_seg: 90.2050, aux.loss_ce: 0.1636, aux.acc_seg: 84.6630, loss: 0.4009, grad_norm: 3.4988 2023-11-14 01:57:15,538 - mmseg - INFO - Iter [78250/160000] lr: 9.733e-07, eta: 9:22:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2426, decode.acc_seg: 90.0139, aux.loss_ce: 0.1790, aux.acc_seg: 83.3816, loss: 0.4217, grad_norm: 4.0206 2023-11-14 01:57:35,522 - mmseg - INFO - Iter [78300/160000] lr: 9.727e-07, eta: 9:22:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2310, decode.acc_seg: 90.5426, aux.loss_ce: 0.1652, aux.acc_seg: 84.6892, loss: 0.3962, grad_norm: 3.6391 2023-11-14 01:57:57,790 - mmseg - INFO - Iter [78350/160000] lr: 9.721e-07, eta: 9:22:05, time: 0.445, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2307, decode.acc_seg: 90.6864, aux.loss_ce: 0.1663, aux.acc_seg: 84.6961, loss: 0.3971, grad_norm: 4.4313 2023-11-14 01:58:17,744 - mmseg - INFO - Iter [78400/160000] lr: 9.715e-07, eta: 9:21:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2375, decode.acc_seg: 90.0733, aux.loss_ce: 0.1666, aux.acc_seg: 84.0136, loss: 0.4041, grad_norm: 3.6606 2023-11-14 01:58:37,705 - mmseg - INFO - Iter [78450/160000] lr: 9.710e-07, eta: 9:21:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.5731, aux.loss_ce: 0.1625, aux.acc_seg: 84.3772, loss: 0.3921, grad_norm: 3.5094 2023-11-14 01:58:57,916 - mmseg - INFO - Iter [78500/160000] lr: 9.704e-07, eta: 9:21:01, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2423, decode.acc_seg: 90.0505, aux.loss_ce: 0.1640, aux.acc_seg: 84.2854, loss: 0.4063, grad_norm: 3.8976 2023-11-14 01:59:18,060 - mmseg - INFO - Iter [78550/160000] lr: 9.698e-07, eta: 9:20:40, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2269, decode.acc_seg: 90.6725, aux.loss_ce: 0.1684, aux.acc_seg: 84.4078, loss: 0.3953, grad_norm: 3.6251 2023-11-14 01:59:38,098 - mmseg - INFO - Iter [78600/160000] lr: 9.692e-07, eta: 9:20:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2216, decode.acc_seg: 90.5554, aux.loss_ce: 0.1516, aux.acc_seg: 85.6296, loss: 0.3732, grad_norm: 3.9803 2023-11-14 01:59:58,045 - mmseg - INFO - Iter [78650/160000] lr: 9.686e-07, eta: 9:19:58, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2379, decode.acc_seg: 89.9616, aux.loss_ce: 0.1730, aux.acc_seg: 83.4374, loss: 0.4109, grad_norm: 3.5977 2023-11-14 02:00:17,930 - mmseg - INFO - Iter [78700/160000] lr: 9.680e-07, eta: 9:19:36, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2375, decode.acc_seg: 90.2195, aux.loss_ce: 0.1644, aux.acc_seg: 84.4195, loss: 0.4018, grad_norm: 3.6119 2023-11-14 02:00:37,906 - mmseg - INFO - Iter [78750/160000] lr: 9.674e-07, eta: 9:19:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2396, decode.acc_seg: 90.1059, aux.loss_ce: 0.1657, aux.acc_seg: 84.2823, loss: 0.4053, grad_norm: 3.6798 2023-11-14 02:00:57,888 - mmseg - INFO - Iter [78800/160000] lr: 9.668e-07, eta: 9:18:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2301, decode.acc_seg: 90.5935, aux.loss_ce: 0.1646, aux.acc_seg: 84.3999, loss: 0.3948, grad_norm: 3.6041 2023-11-14 02:01:17,893 - mmseg - INFO - Iter [78850/160000] lr: 9.662e-07, eta: 9:18:32, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2402, decode.acc_seg: 90.0461, aux.loss_ce: 0.1697, aux.acc_seg: 84.0591, loss: 0.4099, grad_norm: 3.8884 2023-11-14 02:01:37,879 - mmseg - INFO - Iter [78900/160000] lr: 9.656e-07, eta: 9:18:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2374, decode.acc_seg: 90.3616, aux.loss_ce: 0.1655, aux.acc_seg: 84.4839, loss: 0.4029, grad_norm: 4.4635 2023-11-14 02:01:58,060 - mmseg - INFO - Iter [78950/160000] lr: 9.650e-07, eta: 9:17:50, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2323, decode.acc_seg: 90.4750, aux.loss_ce: 0.1643, aux.acc_seg: 84.7448, loss: 0.3966, grad_norm: 3.9122 2023-11-14 02:02:18,300 - mmseg - INFO - Saving checkpoint at 79000 iterations 2023-11-14 02:02:26,460 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:02:26,460 - mmseg - INFO - Iter [79000/160000] lr: 9.644e-07, eta: 9:17:37, time: 0.568, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.4551, aux.loss_ce: 0.1698, aux.acc_seg: 84.2266, loss: 0.3994, grad_norm: 4.0686 2023-11-14 02:02:46,410 - mmseg - INFO - Iter [79050/160000] lr: 9.638e-07, eta: 9:17:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2440, decode.acc_seg: 89.9560, aux.loss_ce: 0.1711, aux.acc_seg: 84.1647, loss: 0.4151, grad_norm: 3.8062 2023-11-14 02:03:06,330 - mmseg - INFO - Iter [79100/160000] lr: 9.632e-07, eta: 9:16:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2539, decode.acc_seg: 89.8764, aux.loss_ce: 0.1774, aux.acc_seg: 83.0732, loss: 0.4313, grad_norm: 4.1794 2023-11-14 02:03:26,251 - mmseg - INFO - Iter [79150/160000] lr: 9.626e-07, eta: 9:16:33, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2404, decode.acc_seg: 90.4375, aux.loss_ce: 0.1727, aux.acc_seg: 84.3075, loss: 0.4131, grad_norm: 3.7930 2023-11-14 02:03:46,308 - mmseg - INFO - Iter [79200/160000] lr: 9.620e-07, eta: 9:16:12, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2328, decode.acc_seg: 89.9829, aux.loss_ce: 0.1685, aux.acc_seg: 83.6804, loss: 0.4013, grad_norm: 3.9194 2023-11-14 02:04:06,263 - mmseg - INFO - Iter [79250/160000] lr: 9.614e-07, eta: 9:15:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2295, decode.acc_seg: 90.5655, aux.loss_ce: 0.1671, aux.acc_seg: 83.9653, loss: 0.3965, grad_norm: 4.0089 2023-11-14 02:04:26,176 - mmseg - INFO - Iter [79300/160000] lr: 9.608e-07, eta: 9:15:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2264, decode.acc_seg: 90.7106, aux.loss_ce: 0.1625, aux.acc_seg: 84.4686, loss: 0.3888, grad_norm: 4.0951 2023-11-14 02:04:46,176 - mmseg - INFO - Iter [79350/160000] lr: 9.602e-07, eta: 9:15:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2414, decode.acc_seg: 90.0298, aux.loss_ce: 0.1776, aux.acc_seg: 83.3807, loss: 0.4191, grad_norm: 3.8937 2023-11-14 02:05:06,447 - mmseg - INFO - Iter [79400/160000] lr: 9.596e-07, eta: 9:14:46, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2369, decode.acc_seg: 90.1113, aux.loss_ce: 0.1685, aux.acc_seg: 83.8522, loss: 0.4054, grad_norm: 4.6108 2023-11-14 02:05:26,742 - mmseg - INFO - Iter [79450/160000] lr: 9.590e-07, eta: 9:14:25, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2338, decode.acc_seg: 90.5752, aux.loss_ce: 0.1627, aux.acc_seg: 84.8752, loss: 0.3965, grad_norm: 3.9883 2023-11-14 02:05:46,766 - mmseg - INFO - Iter [79500/160000] lr: 9.585e-07, eta: 9:14:04, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2479, decode.acc_seg: 89.9148, aux.loss_ce: 0.1694, aux.acc_seg: 84.4398, loss: 0.4173, grad_norm: 3.7251 2023-11-14 02:06:06,847 - mmseg - INFO - Iter [79550/160000] lr: 9.579e-07, eta: 9:13:43, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2198, decode.acc_seg: 90.8365, aux.loss_ce: 0.1627, aux.acc_seg: 84.4253, loss: 0.3825, grad_norm: 3.6697 2023-11-14 02:06:29,034 - mmseg - INFO - Iter [79600/160000] lr: 9.573e-07, eta: 9:13:24, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2376, decode.acc_seg: 90.0196, aux.loss_ce: 0.1747, aux.acc_seg: 83.0195, loss: 0.4123, grad_norm: 3.9020 2023-11-14 02:06:48,956 - mmseg - INFO - Iter [79650/160000] lr: 9.567e-07, eta: 9:13:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2335, decode.acc_seg: 90.3792, aux.loss_ce: 0.1710, aux.acc_seg: 83.8242, loss: 0.4045, grad_norm: 4.8854 2023-11-14 02:07:09,026 - mmseg - INFO - Iter [79700/160000] lr: 9.561e-07, eta: 9:12:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2358, decode.acc_seg: 90.2939, aux.loss_ce: 0.1723, aux.acc_seg: 83.6763, loss: 0.4081, grad_norm: 4.1283 2023-11-14 02:07:28,976 - mmseg - INFO - Iter [79750/160000] lr: 9.555e-07, eta: 9:12:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2256, decode.acc_seg: 90.8265, aux.loss_ce: 0.1647, aux.acc_seg: 84.6720, loss: 0.3903, grad_norm: 3.9699 2023-11-14 02:07:48,877 - mmseg - INFO - Iter [79800/160000] lr: 9.549e-07, eta: 9:11:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2403, decode.acc_seg: 90.0767, aux.loss_ce: 0.1704, aux.acc_seg: 83.6702, loss: 0.4107, grad_norm: 3.8412 2023-11-14 02:08:09,065 - mmseg - INFO - Iter [79850/160000] lr: 9.543e-07, eta: 9:11:37, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2308, decode.acc_seg: 90.5520, aux.loss_ce: 0.1621, aux.acc_seg: 84.7211, loss: 0.3929, grad_norm: 3.6452 2023-11-14 02:08:29,396 - mmseg - INFO - Iter [79900/160000] lr: 9.537e-07, eta: 9:11:16, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2221, decode.acc_seg: 90.8805, aux.loss_ce: 0.1548, aux.acc_seg: 85.3344, loss: 0.3769, grad_norm: 3.4146 2023-11-14 02:08:49,503 - mmseg - INFO - Iter [79950/160000] lr: 9.531e-07, eta: 9:10:55, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2345, decode.acc_seg: 90.5189, aux.loss_ce: 0.1671, aux.acc_seg: 84.1596, loss: 0.4016, grad_norm: 4.4808 2023-11-14 02:09:09,624 - mmseg - INFO - Saving checkpoint at 80000 iterations 2023-11-14 02:09:17,475 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:09:17,475 - mmseg - INFO - Iter [80000/160000] lr: 9.525e-07, eta: 9:10:42, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2339, decode.acc_seg: 90.5024, aux.loss_ce: 0.1595, aux.acc_seg: 84.9169, loss: 0.3934, grad_norm: 3.9866 2023-11-14 02:09:33,783 - mmseg - INFO - per class results: 2023-11-14 02:09:33,789 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.3 | 88.73 | | building | 84.23 | 92.55 | | sky | 94.72 | 97.8 | | floor | 83.88 | 91.11 | | tree | 76.23 | 88.01 | | ceiling | 85.43 | 92.58 | | road | 85.14 | 91.6 | | bed | 91.89 | 97.29 | | windowpane | 65.14 | 80.34 | | grass | 67.24 | 80.03 | | cabinet | 62.99 | 72.0 | | sidewalk | 68.55 | 82.73 | | person | 84.08 | 92.7 | | earth | 38.33 | 51.25 | | door | 55.29 | 74.08 | | table | 66.81 | 80.97 | | mountain | 65.39 | 79.13 | | plant | 55.67 | 70.34 | | curtain | 79.05 | 88.94 | | chair | 63.75 | 76.78 | | car | 86.85 | 94.57 | | water | 61.7 | 74.06 | | painting | 74.37 | 89.22 | | sofa | 74.49 | 84.99 | | shelf | 49.55 | 65.5 | | house | 53.55 | 73.94 | | sea | 67.46 | 84.94 | | mirror | 74.21 | 82.13 | | rug | 67.55 | 81.99 | | field | 33.99 | 53.75 | | armchair | 49.62 | 68.23 | | seat | 64.09 | 85.78 | | fence | 50.98 | 71.44 | | desk | 53.05 | 71.55 | | rock | 55.43 | 75.88 | | wardrobe | 47.59 | 69.17 | | lamp | 68.86 | 79.72 | | bathtub | 81.21 | 85.47 | | railing | 38.78 | 53.42 | | cushion | 65.64 | 76.08 | | base | 43.3 | 56.46 | | box | 35.21 | 47.17 | | column | 53.28 | 67.09 | | signboard | 40.32 | 54.83 | | chest of drawers | 39.45 | 67.86 | | counter | 36.24 | 42.87 | | sand | 51.7 | 65.63 | | sink | 77.91 | 86.32 | | skyscraper | 57.05 | 67.26 | | fireplace | 71.55 | 90.93 | | refrigerator | 80.3 | 93.08 | | grandstand | 42.49 | 77.77 | | path | 25.77 | 40.76 | | stairs | 28.35 | 38.3 | | runway | 67.13 | 89.44 | | case | 60.43 | 79.86 | | pool table | 94.16 | 97.49 | | pillow | 63.97 | 76.1 | | screen door | 72.21 | 75.79 | | stairway | 36.91 | 49.67 | | river | 12.84 | 27.58 | | bridge | 58.68 | 66.96 | | bookcase | 42.96 | 63.82 | | blind | 43.73 | 49.79 | | coffee table | 61.17 | 86.86 | | toilet | 87.53 | 94.84 | | flower | 46.8 | 59.98 | | book | 52.33 | 74.33 | | hill | 7.62 | 11.19 | | bench | 60.34 | 73.0 | | countertop | 61.48 | 81.45 | | stove | 80.65 | 88.43 | | palm | 55.26 | 76.49 | | kitchen island | 37.82 | 81.23 | | computer | 76.1 | 90.49 | | swivel chair | 58.44 | 84.14 | | boat | 48.05 | 57.86 | | bar | 49.72 | 63.21 | | arcade machine | 79.05 | 83.15 | | hovel | 69.07 | 75.52 | | bus | 86.49 | 97.7 | | towel | 69.55 | 86.82 | | light | 58.9 | 72.79 | | truck | 42.94 | 54.23 | | tower | 30.76 | 52.4 | | chandelier | 71.49 | 88.11 | | awning | 39.76 | 49.92 | | streetlight | 34.68 | 46.62 | | booth | 37.06 | 46.56 | | television receiver | 79.4 | 88.48 | | airplane | 68.62 | 74.63 | | dirt track | 16.77 | 35.55 | | apparel | 50.54 | 65.71 | | pole | 29.23 | 40.57 | | land | 6.6 | 8.38 | | bannister | 18.05 | 23.02 | | escalator | 55.97 | 82.09 | | ottoman | 52.97 | 70.66 | | bottle | 41.08 | 66.58 | | buffet | 48.34 | 56.03 | | poster | 27.67 | 43.54 | | stage | 17.44 | 37.06 | | van | 43.16 | 57.57 | | ship | 43.52 | 68.28 | | fountain | 35.99 | 37.16 | | conveyer belt | 81.69 | 93.01 | | canopy | 44.72 | 65.48 | | washer | 80.03 | 82.97 | | plaything | 38.66 | 52.52 | | swimming pool | 67.57 | 70.92 | | stool | 49.35 | 65.46 | | barrel | 76.73 | 90.04 | | basket | 40.18 | 56.76 | | waterfall | 76.32 | 86.86 | | tent | 95.26 | 98.83 | | bag | 22.39 | 27.43 | | minibike | 75.9 | 87.55 | | cradle | 84.82 | 97.91 | | oven | 54.41 | 65.53 | | ball | 8.7 | 8.84 | | food | 59.58 | 71.73 | | step | 12.95 | 16.87 | | tank | 62.74 | 67.32 | | trade name | 25.93 | 29.02 | | microwave | 85.73 | 95.92 | | pot | 48.5 | 56.3 | | animal | 58.56 | 60.65 | | bicycle | 60.65 | 82.29 | | lake | 50.46 | 63.99 | | dishwasher | 72.76 | 81.4 | | screen | 58.38 | 79.66 | | blanket | 22.29 | 26.8 | | sculpture | 76.75 | 87.43 | | hood | 62.89 | 76.27 | | sconce | 50.62 | 61.5 | | vase | 44.34 | 58.93 | | traffic light | 39.24 | 61.27 | | tray | 9.62 | 11.16 | | ashcan | 47.98 | 66.9 | | fan | 65.18 | 81.82 | | pier | 34.84 | 47.27 | | crt screen | 6.5 | 18.5 | | plate | 60.43 | 74.95 | | monitor | 6.56 | 7.01 | | bulletin board | 52.49 | 72.42 | | shower | 1.17 | 1.56 | | radiator | 65.95 | 75.58 | | glass | 16.24 | 16.95 | | clock | 48.24 | 56.34 | | flag | 61.74 | 69.51 | +---------------------+-------+-------+ 2023-11-14 02:09:33,789 - mmseg - INFO - Summary: 2023-11-14 02:09:33,789 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.1 | 54.76 | 67.49 | +------+-------+-------+ 2023-11-14 02:09:33,790 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:09:33,791 - mmseg - INFO - Iter(val) [250] aAcc: 0.8510, mIoU: 0.5476, mAcc: 0.6749, IoU.wall: 0.8030, IoU.building: 0.8423, IoU.sky: 0.9472, IoU.floor: 0.8388, IoU.tree: 0.7623, IoU.ceiling: 0.8543, IoU.road: 0.8514, IoU.bed : 0.9189, IoU.windowpane: 0.6514, IoU.grass: 0.6724, IoU.cabinet: 0.6299, IoU.sidewalk: 0.6855, IoU.person: 0.8408, IoU.earth: 0.3833, IoU.door: 0.5529, IoU.table: 0.6681, IoU.mountain: 0.6539, IoU.plant: 0.5567, IoU.curtain: 0.7905, IoU.chair: 0.6375, IoU.car: 0.8685, IoU.water: 0.6170, IoU.painting: 0.7437, IoU.sofa: 0.7449, IoU.shelf: 0.4955, IoU.house: 0.5355, IoU.sea: 0.6746, IoU.mirror: 0.7421, IoU.rug: 0.6755, IoU.field: 0.3399, IoU.armchair: 0.4962, IoU.seat: 0.6409, IoU.fence: 0.5098, IoU.desk: 0.5305, IoU.rock: 0.5543, IoU.wardrobe: 0.4759, IoU.lamp: 0.6886, IoU.bathtub: 0.8121, IoU.railing: 0.3878, IoU.cushion: 0.6564, IoU.base: 0.4330, IoU.box: 0.3521, IoU.column: 0.5328, IoU.signboard: 0.4032, IoU.chest of drawers: 0.3945, IoU.counter: 0.3624, IoU.sand: 0.5170, IoU.sink: 0.7791, IoU.skyscraper: 0.5705, IoU.fireplace: 0.7155, IoU.refrigerator: 0.8030, IoU.grandstand: 0.4249, IoU.path: 0.2577, IoU.stairs: 0.2835, IoU.runway: 0.6713, IoU.case: 0.6043, IoU.pool table: 0.9416, IoU.pillow: 0.6397, IoU.screen door: 0.7221, IoU.stairway: 0.3691, IoU.river: 0.1284, IoU.bridge: 0.5868, IoU.bookcase: 0.4296, IoU.blind: 0.4373, IoU.coffee table: 0.6117, IoU.toilet: 0.8753, IoU.flower: 0.4680, IoU.book: 0.5233, IoU.hill: 0.0762, IoU.bench: 0.6034, IoU.countertop: 0.6148, IoU.stove: 0.8065, IoU.palm: 0.5526, IoU.kitchen island: 0.3782, IoU.computer: 0.7610, IoU.swivel chair: 0.5844, IoU.boat: 0.4805, IoU.bar: 0.4972, IoU.arcade machine: 0.7905, IoU.hovel: 0.6907, IoU.bus: 0.8649, IoU.towel: 0.6955, IoU.light: 0.5890, IoU.truck: 0.4294, IoU.tower: 0.3076, IoU.chandelier: 0.7149, IoU.awning: 0.3976, IoU.streetlight: 0.3468, IoU.booth: 0.3706, IoU.television receiver: 0.7940, IoU.airplane: 0.6862, IoU.dirt track: 0.1677, IoU.apparel: 0.5054, IoU.pole: 0.2923, IoU.land: 0.0660, IoU.bannister: 0.1805, IoU.escalator: 0.5597, IoU.ottoman: 0.5297, IoU.bottle: 0.4108, IoU.buffet: 0.4834, IoU.poster: 0.2767, IoU.stage: 0.1744, IoU.van: 0.4316, IoU.ship: 0.4352, IoU.fountain: 0.3599, IoU.conveyer belt: 0.8169, IoU.canopy: 0.4472, IoU.washer: 0.8003, IoU.plaything: 0.3866, IoU.swimming pool: 0.6757, IoU.stool: 0.4935, IoU.barrel: 0.7673, IoU.basket: 0.4018, IoU.waterfall: 0.7632, IoU.tent: 0.9526, IoU.bag: 0.2239, IoU.minibike: 0.7590, IoU.cradle: 0.8482, IoU.oven: 0.5441, IoU.ball: 0.0870, IoU.food: 0.5958, IoU.step: 0.1295, IoU.tank: 0.6274, IoU.trade name: 0.2593, IoU.microwave: 0.8573, IoU.pot: 0.4850, IoU.animal: 0.5856, IoU.bicycle: 0.6065, IoU.lake: 0.5046, IoU.dishwasher: 0.7276, IoU.screen: 0.5838, IoU.blanket: 0.2229, IoU.sculpture: 0.7675, IoU.hood: 0.6289, IoU.sconce: 0.5062, IoU.vase: 0.4434, IoU.traffic light: 0.3924, IoU.tray: 0.0962, IoU.ashcan: 0.4798, IoU.fan: 0.6518, IoU.pier: 0.3484, IoU.crt screen: 0.0650, IoU.plate: 0.6043, IoU.monitor: 0.0656, IoU.bulletin board: 0.5249, IoU.shower: 0.0117, IoU.radiator: 0.6595, IoU.glass: 0.1624, IoU.clock: 0.4824, IoU.flag: 0.6174, Acc.wall: 0.8873, Acc.building: 0.9255, Acc.sky: 0.9780, Acc.floor: 0.9111, Acc.tree: 0.8801, Acc.ceiling: 0.9258, Acc.road: 0.9160, Acc.bed : 0.9729, Acc.windowpane: 0.8034, Acc.grass: 0.8003, Acc.cabinet: 0.7200, Acc.sidewalk: 0.8273, Acc.person: 0.9270, Acc.earth: 0.5125, Acc.door: 0.7408, Acc.table: 0.8097, Acc.mountain: 0.7913, Acc.plant: 0.7034, Acc.curtain: 0.8894, Acc.chair: 0.7678, Acc.car: 0.9457, Acc.water: 0.7406, Acc.painting: 0.8922, Acc.sofa: 0.8499, Acc.shelf: 0.6550, Acc.house: 0.7394, Acc.sea: 0.8494, Acc.mirror: 0.8213, Acc.rug: 0.8199, Acc.field: 0.5375, Acc.armchair: 0.6823, Acc.seat: 0.8578, Acc.fence: 0.7144, Acc.desk: 0.7155, Acc.rock: 0.7588, Acc.wardrobe: 0.6917, Acc.lamp: 0.7972, Acc.bathtub: 0.8547, Acc.railing: 0.5342, Acc.cushion: 0.7608, Acc.base: 0.5646, Acc.box: 0.4717, Acc.column: 0.6709, Acc.signboard: 0.5483, Acc.chest of drawers: 0.6786, Acc.counter: 0.4287, Acc.sand: 0.6563, Acc.sink: 0.8632, Acc.skyscraper: 0.6726, Acc.fireplace: 0.9093, Acc.refrigerator: 0.9308, Acc.grandstand: 0.7777, Acc.path: 0.4076, Acc.stairs: 0.3830, Acc.runway: 0.8944, Acc.case: 0.7986, Acc.pool table: 0.9749, Acc.pillow: 0.7610, Acc.screen door: 0.7579, Acc.stairway: 0.4967, Acc.river: 0.2758, Acc.bridge: 0.6696, Acc.bookcase: 0.6382, Acc.blind: 0.4979, Acc.coffee table: 0.8686, Acc.toilet: 0.9484, Acc.flower: 0.5998, Acc.book: 0.7433, Acc.hill: 0.1119, Acc.bench: 0.7300, Acc.countertop: 0.8145, Acc.stove: 0.8843, Acc.palm: 0.7649, Acc.kitchen island: 0.8123, Acc.computer: 0.9049, Acc.swivel chair: 0.8414, Acc.boat: 0.5786, Acc.bar: 0.6321, Acc.arcade machine: 0.8315, Acc.hovel: 0.7552, Acc.bus: 0.9770, Acc.towel: 0.8682, Acc.light: 0.7279, Acc.truck: 0.5423, Acc.tower: 0.5240, Acc.chandelier: 0.8811, Acc.awning: 0.4992, Acc.streetlight: 0.4662, Acc.booth: 0.4656, Acc.television receiver: 0.8848, Acc.airplane: 0.7463, Acc.dirt track: 0.3555, Acc.apparel: 0.6571, Acc.pole: 0.4057, Acc.land: 0.0838, Acc.bannister: 0.2302, Acc.escalator: 0.8209, Acc.ottoman: 0.7066, Acc.bottle: 0.6658, Acc.buffet: 0.5603, Acc.poster: 0.4354, Acc.stage: 0.3706, Acc.van: 0.5757, Acc.ship: 0.6828, Acc.fountain: 0.3716, Acc.conveyer belt: 0.9301, Acc.canopy: 0.6548, Acc.washer: 0.8297, Acc.plaything: 0.5252, Acc.swimming pool: 0.7092, Acc.stool: 0.6546, Acc.barrel: 0.9004, Acc.basket: 0.5676, Acc.waterfall: 0.8686, Acc.tent: 0.9883, Acc.bag: 0.2743, Acc.minibike: 0.8755, Acc.cradle: 0.9791, Acc.oven: 0.6553, Acc.ball: 0.0884, Acc.food: 0.7173, Acc.step: 0.1687, Acc.tank: 0.6732, Acc.trade name: 0.2902, Acc.microwave: 0.9592, Acc.pot: 0.5630, Acc.animal: 0.6065, Acc.bicycle: 0.8229, Acc.lake: 0.6399, Acc.dishwasher: 0.8140, Acc.screen: 0.7966, Acc.blanket: 0.2680, Acc.sculpture: 0.8743, Acc.hood: 0.7627, Acc.sconce: 0.6150, Acc.vase: 0.5893, Acc.traffic light: 0.6127, Acc.tray: 0.1116, Acc.ashcan: 0.6690, Acc.fan: 0.8182, Acc.pier: 0.4727, Acc.crt screen: 0.1850, Acc.plate: 0.7495, Acc.monitor: 0.0701, Acc.bulletin board: 0.7242, Acc.shower: 0.0156, Acc.radiator: 0.7558, Acc.glass: 0.1695, Acc.clock: 0.5634, Acc.flag: 0.6951 2023-11-14 02:09:53,925 - mmseg - INFO - Iter [80050/160000] lr: 9.519e-07, eta: 9:10:37, time: 0.729, data_time: 0.333, memory: 16105, decode.loss_ce: 0.2423, decode.acc_seg: 90.1847, aux.loss_ce: 0.1728, aux.acc_seg: 84.2007, loss: 0.4152, grad_norm: 4.1740 2023-11-14 02:10:14,052 - mmseg - INFO - Iter [80100/160000] lr: 9.513e-07, eta: 9:10:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2315, decode.acc_seg: 90.2544, aux.loss_ce: 0.1658, aux.acc_seg: 84.0996, loss: 0.3973, grad_norm: 3.8150 2023-11-14 02:10:34,003 - mmseg - INFO - Iter [80150/160000] lr: 9.507e-07, eta: 9:09:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2298, decode.acc_seg: 90.5130, aux.loss_ce: 0.1638, aux.acc_seg: 84.4541, loss: 0.3936, grad_norm: 3.7211 2023-11-14 02:10:53,921 - mmseg - INFO - Iter [80200/160000] lr: 9.501e-07, eta: 9:09:33, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2337, decode.acc_seg: 90.3949, aux.loss_ce: 0.1684, aux.acc_seg: 84.3703, loss: 0.4021, grad_norm: 3.8293 2023-11-14 02:11:14,016 - mmseg - INFO - Iter [80250/160000] lr: 9.495e-07, eta: 9:09:12, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2210, decode.acc_seg: 90.6441, aux.loss_ce: 0.1564, aux.acc_seg: 84.8862, loss: 0.3774, grad_norm: 4.7609 2023-11-14 02:11:34,137 - mmseg - INFO - Iter [80300/160000] lr: 9.489e-07, eta: 9:08:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2234, decode.acc_seg: 90.8002, aux.loss_ce: 0.1649, aux.acc_seg: 84.2168, loss: 0.3883, grad_norm: 3.7387 2023-11-14 02:11:54,273 - mmseg - INFO - Iter [80350/160000] lr: 9.483e-07, eta: 9:08:29, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2450, decode.acc_seg: 89.9251, aux.loss_ce: 0.1642, aux.acc_seg: 83.9489, loss: 0.4092, grad_norm: 4.8407 2023-11-14 02:12:14,166 - mmseg - INFO - Iter [80400/160000] lr: 9.477e-07, eta: 9:08:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2405, decode.acc_seg: 90.2105, aux.loss_ce: 0.1667, aux.acc_seg: 84.2877, loss: 0.4073, grad_norm: 3.3266 2023-11-14 02:12:34,075 - mmseg - INFO - Iter [80450/160000] lr: 9.471e-07, eta: 9:07:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2506, decode.acc_seg: 89.8218, aux.loss_ce: 0.1694, aux.acc_seg: 84.0447, loss: 0.4200, grad_norm: 3.7482 2023-11-14 02:12:53,992 - mmseg - INFO - Iter [80500/160000] lr: 9.465e-07, eta: 9:07:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2341, decode.acc_seg: 90.3616, aux.loss_ce: 0.1642, aux.acc_seg: 84.3772, loss: 0.3983, grad_norm: 4.0933 2023-11-14 02:13:13,879 - mmseg - INFO - Iter [80550/160000] lr: 9.459e-07, eta: 9:07:04, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2224, decode.acc_seg: 90.6124, aux.loss_ce: 0.1632, aux.acc_seg: 84.2545, loss: 0.3856, grad_norm: 3.5127 2023-11-14 02:13:33,877 - mmseg - INFO - Iter [80600/160000] lr: 9.454e-07, eta: 9:06:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2289, decode.acc_seg: 90.5518, aux.loss_ce: 0.1680, aux.acc_seg: 84.0472, loss: 0.3969, grad_norm: 3.8062 2023-11-14 02:13:53,769 - mmseg - INFO - Iter [80650/160000] lr: 9.448e-07, eta: 9:06:21, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2394, decode.acc_seg: 90.5136, aux.loss_ce: 0.1732, aux.acc_seg: 83.9931, loss: 0.4126, grad_norm: 4.2605 2023-11-14 02:14:13,756 - mmseg - INFO - Iter [80700/160000] lr: 9.442e-07, eta: 9:06:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2264, decode.acc_seg: 90.3033, aux.loss_ce: 0.1570, aux.acc_seg: 84.7537, loss: 0.3834, grad_norm: 3.5931 2023-11-14 02:14:33,729 - mmseg - INFO - Iter [80750/160000] lr: 9.436e-07, eta: 9:05:39, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2422, decode.acc_seg: 90.1169, aux.loss_ce: 0.1673, aux.acc_seg: 84.4444, loss: 0.4095, grad_norm: 4.1247 2023-11-14 02:14:53,993 - mmseg - INFO - Iter [80800/160000] lr: 9.430e-07, eta: 9:05:17, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2386, decode.acc_seg: 90.0240, aux.loss_ce: 0.1648, aux.acc_seg: 84.6672, loss: 0.4034, grad_norm: 4.5425 2023-11-14 02:15:16,297 - mmseg - INFO - Iter [80850/160000] lr: 9.424e-07, eta: 9:04:58, time: 0.446, data_time: 0.052, memory: 16105, decode.loss_ce: 0.2312, decode.acc_seg: 90.7810, aux.loss_ce: 0.1685, aux.acc_seg: 84.5245, loss: 0.3997, grad_norm: 3.4213 2023-11-14 02:15:36,323 - mmseg - INFO - Iter [80900/160000] lr: 9.418e-07, eta: 9:04:37, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2283, decode.acc_seg: 90.5439, aux.loss_ce: 0.1594, aux.acc_seg: 84.6669, loss: 0.3877, grad_norm: 4.0968 2023-11-14 02:15:56,230 - mmseg - INFO - Iter [80950/160000] lr: 9.412e-07, eta: 9:04:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2297, decode.acc_seg: 90.4066, aux.loss_ce: 0.1666, aux.acc_seg: 84.1220, loss: 0.3963, grad_norm: 4.1350 2023-11-14 02:16:16,146 - mmseg - INFO - Saving checkpoint at 81000 iterations 2023-11-14 02:16:24,229 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:16:24,229 - mmseg - INFO - Iter [81000/160000] lr: 9.406e-07, eta: 9:04:02, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2267, decode.acc_seg: 90.7272, aux.loss_ce: 0.1618, aux.acc_seg: 84.6708, loss: 0.3884, grad_norm: 4.6954 2023-11-14 02:16:44,434 - mmseg - INFO - Iter [81050/160000] lr: 9.400e-07, eta: 9:03:41, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2390, decode.acc_seg: 90.0673, aux.loss_ce: 0.1704, aux.acc_seg: 84.1360, loss: 0.4094, grad_norm: 4.1584 2023-11-14 02:17:04,376 - mmseg - INFO - Iter [81100/160000] lr: 9.394e-07, eta: 9:03:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2330, decode.acc_seg: 90.4001, aux.loss_ce: 0.1656, aux.acc_seg: 84.2173, loss: 0.3987, grad_norm: 3.6837 2023-11-14 02:17:24,288 - mmseg - INFO - Iter [81150/160000] lr: 9.388e-07, eta: 9:02:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2271, decode.acc_seg: 90.6621, aux.loss_ce: 0.1592, aux.acc_seg: 85.1820, loss: 0.3863, grad_norm: 3.2088 2023-11-14 02:17:44,319 - mmseg - INFO - Iter [81200/160000] lr: 9.382e-07, eta: 9:02:37, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2234, decode.acc_seg: 90.8719, aux.loss_ce: 0.1615, aux.acc_seg: 84.5915, loss: 0.3849, grad_norm: 3.7205 2023-11-14 02:18:04,626 - mmseg - INFO - Iter [81250/160000] lr: 9.376e-07, eta: 9:02:16, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2308, decode.acc_seg: 90.3912, aux.loss_ce: 0.1615, aux.acc_seg: 84.9219, loss: 0.3923, grad_norm: 3.3838 2023-11-14 02:18:24,669 - mmseg - INFO - Iter [81300/160000] lr: 9.370e-07, eta: 9:01:55, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2186, decode.acc_seg: 90.9058, aux.loss_ce: 0.1558, aux.acc_seg: 84.9219, loss: 0.3744, grad_norm: 3.9527 2023-11-14 02:18:44,562 - mmseg - INFO - Iter [81350/160000] lr: 9.364e-07, eta: 9:01:34, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2408, decode.acc_seg: 90.2374, aux.loss_ce: 0.1646, aux.acc_seg: 84.5796, loss: 0.4054, grad_norm: 4.0758 2023-11-14 02:19:04,439 - mmseg - INFO - Iter [81400/160000] lr: 9.358e-07, eta: 9:01:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2196, decode.acc_seg: 90.6877, aux.loss_ce: 0.1580, aux.acc_seg: 84.8220, loss: 0.3776, grad_norm: 3.7410 2023-11-14 02:19:24,434 - mmseg - INFO - Iter [81450/160000] lr: 9.352e-07, eta: 9:00:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2297, decode.acc_seg: 90.6702, aux.loss_ce: 0.1686, aux.acc_seg: 84.1152, loss: 0.3984, grad_norm: 4.2043 2023-11-14 02:19:44,316 - mmseg - INFO - Iter [81500/160000] lr: 9.346e-07, eta: 9:00:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2285, decode.acc_seg: 90.5588, aux.loss_ce: 0.1669, aux.acc_seg: 84.2461, loss: 0.3954, grad_norm: 3.9840 2023-11-14 02:20:04,442 - mmseg - INFO - Iter [81550/160000] lr: 9.340e-07, eta: 9:00:08, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2405, decode.acc_seg: 90.3008, aux.loss_ce: 0.1722, aux.acc_seg: 84.3620, loss: 0.4127, grad_norm: 3.5478 2023-11-14 02:20:24,375 - mmseg - INFO - Iter [81600/160000] lr: 9.334e-07, eta: 8:59:47, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2446, decode.acc_seg: 89.8890, aux.loss_ce: 0.1711, aux.acc_seg: 83.0913, loss: 0.4157, grad_norm: 4.4068 2023-11-14 02:20:44,337 - mmseg - INFO - Iter [81650/160000] lr: 9.329e-07, eta: 8:59:26, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2462, decode.acc_seg: 89.7324, aux.loss_ce: 0.1742, aux.acc_seg: 83.7898, loss: 0.4204, grad_norm: 3.7047 2023-11-14 02:21:04,616 - mmseg - INFO - Iter [81700/160000] lr: 9.323e-07, eta: 8:59:04, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2253, decode.acc_seg: 90.2764, aux.loss_ce: 0.1600, aux.acc_seg: 84.6099, loss: 0.3853, grad_norm: 3.4739 2023-11-14 02:21:24,730 - mmseg - INFO - Iter [81750/160000] lr: 9.317e-07, eta: 8:58:43, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2430, decode.acc_seg: 90.2542, aux.loss_ce: 0.1667, aux.acc_seg: 84.2472, loss: 0.4097, grad_norm: 4.7011 2023-11-14 02:21:44,681 - mmseg - INFO - Iter [81800/160000] lr: 9.311e-07, eta: 8:58:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2386, decode.acc_seg: 90.0759, aux.loss_ce: 0.1654, aux.acc_seg: 84.1804, loss: 0.4040, grad_norm: 3.8265 2023-11-14 02:22:04,674 - mmseg - INFO - Iter [81850/160000] lr: 9.305e-07, eta: 8:58:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2302, decode.acc_seg: 90.4694, aux.loss_ce: 0.1685, aux.acc_seg: 84.0800, loss: 0.3987, grad_norm: 4.2296 2023-11-14 02:22:24,597 - mmseg - INFO - Iter [81900/160000] lr: 9.299e-07, eta: 8:57:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2199, decode.acc_seg: 90.8691, aux.loss_ce: 0.1534, aux.acc_seg: 85.7279, loss: 0.3733, grad_norm: 3.1534 2023-11-14 02:22:44,519 - mmseg - INFO - Iter [81950/160000] lr: 9.293e-07, eta: 8:57:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2283, decode.acc_seg: 90.5233, aux.loss_ce: 0.1618, aux.acc_seg: 84.6328, loss: 0.3900, grad_norm: 3.6645 2023-11-14 02:23:04,524 - mmseg - INFO - Saving checkpoint at 82000 iterations 2023-11-14 02:23:12,300 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:23:12,300 - mmseg - INFO - Iter [82000/160000] lr: 9.287e-07, eta: 8:57:04, time: 0.556, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2446, decode.acc_seg: 89.8985, aux.loss_ce: 0.1707, aux.acc_seg: 84.1199, loss: 0.4153, grad_norm: 3.9518 2023-11-14 02:23:32,253 - mmseg - INFO - Iter [82050/160000] lr: 9.281e-07, eta: 8:56:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2402, decode.acc_seg: 90.1088, aux.loss_ce: 0.1702, aux.acc_seg: 83.6653, loss: 0.4105, grad_norm: 4.4044 2023-11-14 02:23:54,582 - mmseg - INFO - Iter [82100/160000] lr: 9.275e-07, eta: 8:56:24, time: 0.447, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2308, decode.acc_seg: 90.5037, aux.loss_ce: 0.1676, aux.acc_seg: 84.3178, loss: 0.3984, grad_norm: 4.0214 2023-11-14 02:24:14,794 - mmseg - INFO - Iter [82150/160000] lr: 9.269e-07, eta: 8:56:03, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2202, decode.acc_seg: 90.8261, aux.loss_ce: 0.1637, aux.acc_seg: 84.2644, loss: 0.3839, grad_norm: 4.1206 2023-11-14 02:24:34,871 - mmseg - INFO - Iter [82200/160000] lr: 9.263e-07, eta: 8:55:42, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2250, decode.acc_seg: 90.5725, aux.loss_ce: 0.1702, aux.acc_seg: 84.0357, loss: 0.3952, grad_norm: 4.0482 2023-11-14 02:24:54,828 - mmseg - INFO - Iter [82250/160000] lr: 9.257e-07, eta: 8:55:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2261, decode.acc_seg: 90.6387, aux.loss_ce: 0.1634, aux.acc_seg: 84.7609, loss: 0.3894, grad_norm: 3.5463 2023-11-14 02:25:14,779 - mmseg - INFO - Iter [82300/160000] lr: 9.251e-07, eta: 8:54:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2200, decode.acc_seg: 90.8119, aux.loss_ce: 0.1586, aux.acc_seg: 84.5684, loss: 0.3785, grad_norm: 3.9347 2023-11-14 02:25:34,694 - mmseg - INFO - Iter [82350/160000] lr: 9.245e-07, eta: 8:54:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2367, decode.acc_seg: 90.4546, aux.loss_ce: 0.1739, aux.acc_seg: 84.0143, loss: 0.4106, grad_norm: 3.5282 2023-11-14 02:25:54,757 - mmseg - INFO - Iter [82400/160000] lr: 9.239e-07, eta: 8:54:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2398, decode.acc_seg: 90.1066, aux.loss_ce: 0.1805, aux.acc_seg: 83.2684, loss: 0.4203, grad_norm: 4.2178 2023-11-14 02:26:14,675 - mmseg - INFO - Iter [82450/160000] lr: 9.233e-07, eta: 8:53:55, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2320, decode.acc_seg: 90.2241, aux.loss_ce: 0.1660, aux.acc_seg: 84.2514, loss: 0.3980, grad_norm: 3.2052 2023-11-14 02:26:34,638 - mmseg - INFO - Iter [82500/160000] lr: 9.227e-07, eta: 8:53:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2178, decode.acc_seg: 90.9339, aux.loss_ce: 0.1630, aux.acc_seg: 84.3122, loss: 0.3808, grad_norm: 3.5812 2023-11-14 02:26:54,798 - mmseg - INFO - Iter [82550/160000] lr: 9.221e-07, eta: 8:53:13, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.6792, aux.loss_ce: 0.1642, aux.acc_seg: 84.6258, loss: 0.3938, grad_norm: 3.9852 2023-11-14 02:27:14,906 - mmseg - INFO - Iter [82600/160000] lr: 9.215e-07, eta: 8:52:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2341, decode.acc_seg: 90.2175, aux.loss_ce: 0.1632, aux.acc_seg: 84.4638, loss: 0.3973, grad_norm: 3.5921 2023-11-14 02:27:35,092 - mmseg - INFO - Iter [82650/160000] lr: 9.209e-07, eta: 8:52:30, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2387, decode.acc_seg: 90.3116, aux.loss_ce: 0.1635, aux.acc_seg: 84.1641, loss: 0.4022, grad_norm: 5.0245 2023-11-14 02:27:55,068 - mmseg - INFO - Iter [82700/160000] lr: 9.204e-07, eta: 8:52:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2229, decode.acc_seg: 90.4439, aux.loss_ce: 0.1545, aux.acc_seg: 84.9089, loss: 0.3774, grad_norm: 4.3256 2023-11-14 02:28:15,041 - mmseg - INFO - Iter [82750/160000] lr: 9.198e-07, eta: 8:51:48, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2402, decode.acc_seg: 90.0903, aux.loss_ce: 0.1808, aux.acc_seg: 82.9416, loss: 0.4210, grad_norm: 4.0752 2023-11-14 02:28:34,948 - mmseg - INFO - Iter [82800/160000] lr: 9.192e-07, eta: 8:51:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2349, decode.acc_seg: 90.3587, aux.loss_ce: 0.1711, aux.acc_seg: 83.7740, loss: 0.4060, grad_norm: 4.2740 2023-11-14 02:28:54,844 - mmseg - INFO - Iter [82850/160000] lr: 9.186e-07, eta: 8:51:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2412, decode.acc_seg: 90.0229, aux.loss_ce: 0.1662, aux.acc_seg: 84.5357, loss: 0.4074, grad_norm: 3.8502 2023-11-14 02:29:14,955 - mmseg - INFO - Iter [82900/160000] lr: 9.180e-07, eta: 8:50:44, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2271, decode.acc_seg: 90.6384, aux.loss_ce: 0.1648, aux.acc_seg: 84.4884, loss: 0.3919, grad_norm: 4.1368 2023-11-14 02:29:34,936 - mmseg - INFO - Iter [82950/160000] lr: 9.174e-07, eta: 8:50:23, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2321, decode.acc_seg: 90.6237, aux.loss_ce: 0.1585, aux.acc_seg: 85.1973, loss: 0.3907, grad_norm: 4.0275 2023-11-14 02:29:54,914 - mmseg - INFO - Saving checkpoint at 83000 iterations 2023-11-14 02:30:02,849 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:30:02,849 - mmseg - INFO - Iter [83000/160000] lr: 9.168e-07, eta: 8:50:09, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2330, decode.acc_seg: 90.4334, aux.loss_ce: 0.1653, aux.acc_seg: 84.4424, loss: 0.3983, grad_norm: 4.7251 2023-11-14 02:30:22,883 - mmseg - INFO - Iter [83050/160000] lr: 9.162e-07, eta: 8:49:47, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2301, decode.acc_seg: 90.7465, aux.loss_ce: 0.1616, aux.acc_seg: 85.0152, loss: 0.3917, grad_norm: 3.8796 2023-11-14 02:30:43,248 - mmseg - INFO - Iter [83100/160000] lr: 9.156e-07, eta: 8:49:26, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2261, decode.acc_seg: 90.7010, aux.loss_ce: 0.1614, aux.acc_seg: 84.6996, loss: 0.3875, grad_norm: 4.0948 2023-11-14 02:31:03,167 - mmseg - INFO - Iter [83150/160000] lr: 9.150e-07, eta: 8:49:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2442, decode.acc_seg: 89.9670, aux.loss_ce: 0.1774, aux.acc_seg: 83.1833, loss: 0.4216, grad_norm: 3.6781 2023-11-14 02:31:23,322 - mmseg - INFO - Iter [83200/160000] lr: 9.144e-07, eta: 8:48:44, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2318, decode.acc_seg: 90.5372, aux.loss_ce: 0.1645, aux.acc_seg: 84.8962, loss: 0.3963, grad_norm: 3.9847 2023-11-14 02:31:43,257 - mmseg - INFO - Iter [83250/160000] lr: 9.138e-07, eta: 8:48:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2388, decode.acc_seg: 90.4616, aux.loss_ce: 0.1677, aux.acc_seg: 84.6023, loss: 0.4066, grad_norm: 4.2036 2023-11-14 02:32:03,287 - mmseg - INFO - Iter [83300/160000] lr: 9.132e-07, eta: 8:48:01, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2220, decode.acc_seg: 90.3335, aux.loss_ce: 0.1594, aux.acc_seg: 84.6379, loss: 0.3813, grad_norm: 3.9887 2023-11-14 02:32:23,404 - mmseg - INFO - Iter [83350/160000] lr: 9.126e-07, eta: 8:47:40, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2312, decode.acc_seg: 90.3857, aux.loss_ce: 0.1644, aux.acc_seg: 83.9312, loss: 0.3955, grad_norm: 3.7430 2023-11-14 02:32:45,706 - mmseg - INFO - Iter [83400/160000] lr: 9.120e-07, eta: 8:47:21, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 90.7594, aux.loss_ce: 0.1606, aux.acc_seg: 84.7381, loss: 0.3838, grad_norm: 3.8497 2023-11-14 02:33:05,698 - mmseg - INFO - Iter [83450/160000] lr: 9.114e-07, eta: 8:47:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2340, decode.acc_seg: 90.4897, aux.loss_ce: 0.1718, aux.acc_seg: 83.9578, loss: 0.4057, grad_norm: 4.1587 2023-11-14 02:33:25,942 - mmseg - INFO - Iter [83500/160000] lr: 9.108e-07, eta: 8:46:39, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2224, decode.acc_seg: 90.6567, aux.loss_ce: 0.1574, aux.acc_seg: 84.8105, loss: 0.3798, grad_norm: 3.9174 2023-11-14 02:33:46,247 - mmseg - INFO - Iter [83550/160000] lr: 9.102e-07, eta: 8:46:18, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2253, decode.acc_seg: 90.8075, aux.loss_ce: 0.1614, aux.acc_seg: 84.8690, loss: 0.3867, grad_norm: 3.5877 2023-11-14 02:34:06,282 - mmseg - INFO - Iter [83600/160000] lr: 9.096e-07, eta: 8:45:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2421, decode.acc_seg: 89.9638, aux.loss_ce: 0.1697, aux.acc_seg: 83.5907, loss: 0.4118, grad_norm: 4.9058 2023-11-14 02:34:26,161 - mmseg - INFO - Iter [83650/160000] lr: 9.090e-07, eta: 8:45:35, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2141, decode.acc_seg: 90.8532, aux.loss_ce: 0.1584, aux.acc_seg: 84.5073, loss: 0.3725, grad_norm: 3.2998 2023-11-14 02:34:46,043 - mmseg - INFO - Iter [83700/160000] lr: 9.084e-07, eta: 8:45:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2282, decode.acc_seg: 90.3046, aux.loss_ce: 0.1644, aux.acc_seg: 84.1987, loss: 0.3926, grad_norm: 4.3235 2023-11-14 02:35:06,023 - mmseg - INFO - Iter [83750/160000] lr: 9.078e-07, eta: 8:44:53, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2190, decode.acc_seg: 90.9669, aux.loss_ce: 0.1647, aux.acc_seg: 84.9038, loss: 0.3838, grad_norm: 3.8675 2023-11-14 02:35:26,027 - mmseg - INFO - Iter [83800/160000] lr: 9.073e-07, eta: 8:44:32, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.6046, aux.loss_ce: 0.1633, aux.acc_seg: 84.7185, loss: 0.3929, grad_norm: 4.6359 2023-11-14 02:35:45,892 - mmseg - INFO - Iter [83850/160000] lr: 9.067e-07, eta: 8:44:10, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2272, decode.acc_seg: 90.2649, aux.loss_ce: 0.1641, aux.acc_seg: 83.9698, loss: 0.3913, grad_norm: 4.6995 2023-11-14 02:36:05,751 - mmseg - INFO - Iter [83900/160000] lr: 9.061e-07, eta: 8:43:49, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2205, decode.acc_seg: 90.7228, aux.loss_ce: 0.1643, aux.acc_seg: 84.2279, loss: 0.3848, grad_norm: 3.5844 2023-11-14 02:36:25,726 - mmseg - INFO - Iter [83950/160000] lr: 9.055e-07, eta: 8:43:28, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2334, decode.acc_seg: 90.1766, aux.loss_ce: 0.1623, aux.acc_seg: 84.5954, loss: 0.3957, grad_norm: 4.2280 2023-11-14 02:36:46,001 - mmseg - INFO - Saving checkpoint at 84000 iterations 2023-11-14 02:36:53,837 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:36:53,837 - mmseg - INFO - Iter [84000/160000] lr: 9.049e-07, eta: 8:43:14, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2281, decode.acc_seg: 90.5912, aux.loss_ce: 0.1598, aux.acc_seg: 84.7509, loss: 0.3879, grad_norm: 3.8679 2023-11-14 02:37:13,962 - mmseg - INFO - Iter [84050/160000] lr: 9.043e-07, eta: 8:42:52, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2328, decode.acc_seg: 90.5745, aux.loss_ce: 0.1604, aux.acc_seg: 85.0451, loss: 0.3932, grad_norm: 3.3179 2023-11-14 02:37:33,877 - mmseg - INFO - Iter [84100/160000] lr: 9.037e-07, eta: 8:42:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2347, decode.acc_seg: 90.3018, aux.loss_ce: 0.1658, aux.acc_seg: 84.3405, loss: 0.4005, grad_norm: 3.8138 2023-11-14 02:37:53,870 - mmseg - INFO - Iter [84150/160000] lr: 9.031e-07, eta: 8:42:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2432, decode.acc_seg: 89.9906, aux.loss_ce: 0.1675, aux.acc_seg: 84.1069, loss: 0.4107, grad_norm: 4.8808 2023-11-14 02:38:13,981 - mmseg - INFO - Iter [84200/160000] lr: 9.025e-07, eta: 8:41:49, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2262, decode.acc_seg: 90.6988, aux.loss_ce: 0.1593, aux.acc_seg: 84.6718, loss: 0.3855, grad_norm: 3.5888 2023-11-14 02:38:33,900 - mmseg - INFO - Iter [84250/160000] lr: 9.019e-07, eta: 8:41:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2324, decode.acc_seg: 90.5188, aux.loss_ce: 0.1675, aux.acc_seg: 84.5862, loss: 0.3999, grad_norm: 3.4073 2023-11-14 02:38:53,783 - mmseg - INFO - Iter [84300/160000] lr: 9.013e-07, eta: 8:41:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2301, decode.acc_seg: 90.2940, aux.loss_ce: 0.1672, aux.acc_seg: 84.1945, loss: 0.3973, grad_norm: 4.1790 2023-11-14 02:39:13,685 - mmseg - INFO - Iter [84350/160000] lr: 9.007e-07, eta: 8:40:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2366, decode.acc_seg: 90.2865, aux.loss_ce: 0.1595, aux.acc_seg: 84.6946, loss: 0.3961, grad_norm: 4.8419 2023-11-14 02:39:33,696 - mmseg - INFO - Iter [84400/160000] lr: 9.001e-07, eta: 8:40:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2381, decode.acc_seg: 90.2235, aux.loss_ce: 0.1643, aux.acc_seg: 84.5219, loss: 0.4025, grad_norm: 3.4203 2023-11-14 02:39:54,029 - mmseg - INFO - Iter [84450/160000] lr: 8.995e-07, eta: 8:40:03, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2284, decode.acc_seg: 90.4103, aux.loss_ce: 0.1622, aux.acc_seg: 84.1963, loss: 0.3906, grad_norm: 3.3189 2023-11-14 02:40:14,097 - mmseg - INFO - Iter [84500/160000] lr: 8.989e-07, eta: 8:39:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2219, decode.acc_seg: 90.5340, aux.loss_ce: 0.1534, aux.acc_seg: 85.1409, loss: 0.3754, grad_norm: 3.3090 2023-11-14 02:40:33,971 - mmseg - INFO - Iter [84550/160000] lr: 8.983e-07, eta: 8:39:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2299, decode.acc_seg: 90.6405, aux.loss_ce: 0.1644, aux.acc_seg: 85.0457, loss: 0.3943, grad_norm: 4.0353 2023-11-14 02:40:53,869 - mmseg - INFO - Iter [84600/160000] lr: 8.977e-07, eta: 8:38:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2244, decode.acc_seg: 90.7580, aux.loss_ce: 0.1621, aux.acc_seg: 84.9979, loss: 0.3866, grad_norm: 3.2766 2023-11-14 02:41:16,103 - mmseg - INFO - Iter [84650/160000] lr: 8.971e-07, eta: 8:38:40, time: 0.445, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2239, decode.acc_seg: 90.9324, aux.loss_ce: 0.1700, aux.acc_seg: 84.2679, loss: 0.3939, grad_norm: 4.1723 2023-11-14 02:41:35,990 - mmseg - INFO - Iter [84700/160000] lr: 8.965e-07, eta: 8:38:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2278, decode.acc_seg: 90.7260, aux.loss_ce: 0.1625, aux.acc_seg: 84.8405, loss: 0.3903, grad_norm: 3.4273 2023-11-14 02:41:56,003 - mmseg - INFO - Iter [84750/160000] lr: 8.959e-07, eta: 8:37:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2162, decode.acc_seg: 90.9872, aux.loss_ce: 0.1626, aux.acc_seg: 84.5289, loss: 0.3788, grad_norm: 4.2099 2023-11-14 02:42:15,982 - mmseg - INFO - Iter [84800/160000] lr: 8.953e-07, eta: 8:37:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2207, decode.acc_seg: 90.7900, aux.loss_ce: 0.1596, aux.acc_seg: 84.5984, loss: 0.3803, grad_norm: 3.8630 2023-11-14 02:42:35,958 - mmseg - INFO - Iter [84850/160000] lr: 8.948e-07, eta: 8:37:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2158, decode.acc_seg: 91.2174, aux.loss_ce: 0.1501, aux.acc_seg: 85.8389, loss: 0.3660, grad_norm: 3.3459 2023-11-14 02:42:56,113 - mmseg - INFO - Iter [84900/160000] lr: 8.942e-07, eta: 8:36:53, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2169, decode.acc_seg: 90.9292, aux.loss_ce: 0.1567, aux.acc_seg: 85.2835, loss: 0.3735, grad_norm: 3.7015 2023-11-14 02:43:16,354 - mmseg - INFO - Iter [84950/160000] lr: 8.936e-07, eta: 8:36:32, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2233, decode.acc_seg: 90.7250, aux.loss_ce: 0.1605, aux.acc_seg: 84.8024, loss: 0.3837, grad_norm: 3.3071 2023-11-14 02:43:36,315 - mmseg - INFO - Saving checkpoint at 85000 iterations 2023-11-14 02:43:44,465 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:43:44,465 - mmseg - INFO - Iter [85000/160000] lr: 8.930e-07, eta: 8:36:18, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2370, decode.acc_seg: 90.4721, aux.loss_ce: 0.1651, aux.acc_seg: 84.4220, loss: 0.4020, grad_norm: 4.0924 2023-11-14 02:44:04,518 - mmseg - INFO - Iter [85050/160000] lr: 8.924e-07, eta: 8:35:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2285, decode.acc_seg: 90.5435, aux.loss_ce: 0.1631, aux.acc_seg: 84.2548, loss: 0.3916, grad_norm: 4.4138 2023-11-14 02:44:24,624 - mmseg - INFO - Iter [85100/160000] lr: 8.918e-07, eta: 8:35:36, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2315, decode.acc_seg: 90.6462, aux.loss_ce: 0.1602, aux.acc_seg: 84.9880, loss: 0.3916, grad_norm: 3.3034 2023-11-14 02:44:44,659 - mmseg - INFO - Iter [85150/160000] lr: 8.912e-07, eta: 8:35:15, time: 0.402, data_time: 0.008, memory: 16105, decode.loss_ce: 0.2350, decode.acc_seg: 90.2377, aux.loss_ce: 0.1700, aux.acc_seg: 84.0722, loss: 0.4050, grad_norm: 3.9937 2023-11-14 02:45:04,721 - mmseg - INFO - Iter [85200/160000] lr: 8.906e-07, eta: 8:34:54, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2145, decode.acc_seg: 90.8435, aux.loss_ce: 0.1646, aux.acc_seg: 84.1035, loss: 0.3791, grad_norm: 3.4611 2023-11-14 02:45:24,756 - mmseg - INFO - Iter [85250/160000] lr: 8.900e-07, eta: 8:34:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2331, decode.acc_seg: 90.4286, aux.loss_ce: 0.1739, aux.acc_seg: 83.5917, loss: 0.4070, grad_norm: 4.0937 2023-11-14 02:45:44,729 - mmseg - INFO - Iter [85300/160000] lr: 8.894e-07, eta: 8:34:11, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2246, decode.acc_seg: 90.5665, aux.loss_ce: 0.1624, aux.acc_seg: 84.4133, loss: 0.3870, grad_norm: 3.7340 2023-11-14 02:46:04,760 - mmseg - INFO - Iter [85350/160000] lr: 8.888e-07, eta: 8:33:50, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2257, decode.acc_seg: 90.5134, aux.loss_ce: 0.1571, aux.acc_seg: 84.9066, loss: 0.3828, grad_norm: 4.2044 2023-11-14 02:46:24,998 - mmseg - INFO - Iter [85400/160000] lr: 8.882e-07, eta: 8:33:29, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2324, decode.acc_seg: 90.6487, aux.loss_ce: 0.1672, aux.acc_seg: 84.1369, loss: 0.3996, grad_norm: 4.4494 2023-11-14 02:46:44,977 - mmseg - INFO - Iter [85450/160000] lr: 8.876e-07, eta: 8:33:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2396, decode.acc_seg: 90.0309, aux.loss_ce: 0.1756, aux.acc_seg: 83.5931, loss: 0.4152, grad_norm: 3.7863 2023-11-14 02:47:04,883 - mmseg - INFO - Iter [85500/160000] lr: 8.870e-07, eta: 8:32:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2208, decode.acc_seg: 90.6994, aux.loss_ce: 0.1499, aux.acc_seg: 85.5646, loss: 0.3706, grad_norm: 3.6938 2023-11-14 02:47:24,846 - mmseg - INFO - Iter [85550/160000] lr: 8.864e-07, eta: 8:32:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2267, decode.acc_seg: 90.9355, aux.loss_ce: 0.1643, aux.acc_seg: 84.4666, loss: 0.3910, grad_norm: 4.3042 2023-11-14 02:47:44,857 - mmseg - INFO - Iter [85600/160000] lr: 8.858e-07, eta: 8:32:04, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2266, decode.acc_seg: 90.5719, aux.loss_ce: 0.1624, aux.acc_seg: 84.5520, loss: 0.3890, grad_norm: 3.9434 2023-11-14 02:48:04,839 - mmseg - INFO - Iter [85650/160000] lr: 8.852e-07, eta: 8:31:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2319, decode.acc_seg: 90.2419, aux.loss_ce: 0.1590, aux.acc_seg: 84.9407, loss: 0.3909, grad_norm: 3.8400 2023-11-14 02:48:24,911 - mmseg - INFO - Iter [85700/160000] lr: 8.846e-07, eta: 8:31:22, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2386, decode.acc_seg: 90.3505, aux.loss_ce: 0.1742, aux.acc_seg: 83.7793, loss: 0.4128, grad_norm: 4.6002 2023-11-14 02:48:44,795 - mmseg - INFO - Iter [85750/160000] lr: 8.840e-07, eta: 8:31:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2279, decode.acc_seg: 90.6086, aux.loss_ce: 0.1648, aux.acc_seg: 84.6740, loss: 0.3927, grad_norm: 4.2755 2023-11-14 02:49:04,887 - mmseg - INFO - Iter [85800/160000] lr: 8.834e-07, eta: 8:30:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2332, decode.acc_seg: 90.5427, aux.loss_ce: 0.1751, aux.acc_seg: 83.9917, loss: 0.4083, grad_norm: 3.7442 2023-11-14 02:49:25,062 - mmseg - INFO - Iter [85850/160000] lr: 8.828e-07, eta: 8:30:18, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2191, decode.acc_seg: 90.7135, aux.loss_ce: 0.1558, aux.acc_seg: 84.7964, loss: 0.3748, grad_norm: 3.2836 2023-11-14 02:49:47,570 - mmseg - INFO - Iter [85900/160000] lr: 8.823e-07, eta: 8:29:59, time: 0.450, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2289, decode.acc_seg: 90.4627, aux.loss_ce: 0.1636, aux.acc_seg: 84.5341, loss: 0.3924, grad_norm: 3.4682 2023-11-14 02:50:07,510 - mmseg - INFO - Iter [85950/160000] lr: 8.817e-07, eta: 8:29:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2267, decode.acc_seg: 90.4464, aux.loss_ce: 0.1601, aux.acc_seg: 84.6094, loss: 0.3868, grad_norm: 3.8890 2023-11-14 02:50:27,379 - mmseg - INFO - Saving checkpoint at 86000 iterations 2023-11-14 02:50:35,755 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:50:35,755 - mmseg - INFO - Iter [86000/160000] lr: 8.811e-07, eta: 8:29:24, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2209, decode.acc_seg: 90.8889, aux.loss_ce: 0.1613, aux.acc_seg: 84.7393, loss: 0.3821, grad_norm: 3.6535 2023-11-14 02:50:55,781 - mmseg - INFO - Iter [86050/160000] lr: 8.805e-07, eta: 8:29:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2262, decode.acc_seg: 90.4382, aux.loss_ce: 0.1640, aux.acc_seg: 84.5403, loss: 0.3902, grad_norm: 3.9725 2023-11-14 02:51:15,808 - mmseg - INFO - Iter [86100/160000] lr: 8.799e-07, eta: 8:28:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2260, decode.acc_seg: 90.8758, aux.loss_ce: 0.1587, aux.acc_seg: 84.7639, loss: 0.3848, grad_norm: 3.9351 2023-11-14 02:51:35,719 - mmseg - INFO - Iter [86150/160000] lr: 8.793e-07, eta: 8:28:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2307, decode.acc_seg: 90.7638, aux.loss_ce: 0.1656, aux.acc_seg: 84.8324, loss: 0.3963, grad_norm: 4.0078 2023-11-14 02:51:55,644 - mmseg - INFO - Iter [86200/160000] lr: 8.787e-07, eta: 8:27:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2101, decode.acc_seg: 91.2903, aux.loss_ce: 0.1571, aux.acc_seg: 85.3477, loss: 0.3672, grad_norm: 3.4940 2023-11-14 02:52:15,699 - mmseg - INFO - Iter [86250/160000] lr: 8.781e-07, eta: 8:27:38, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2318, decode.acc_seg: 90.3968, aux.loss_ce: 0.1738, aux.acc_seg: 83.9987, loss: 0.4055, grad_norm: 3.9374 2023-11-14 02:52:36,016 - mmseg - INFO - Iter [86300/160000] lr: 8.775e-07, eta: 8:27:17, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2175, decode.acc_seg: 91.0655, aux.loss_ce: 0.1493, aux.acc_seg: 86.1042, loss: 0.3668, grad_norm: 3.8965 2023-11-14 02:52:56,171 - mmseg - INFO - Iter [86350/160000] lr: 8.769e-07, eta: 8:26:56, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2133, decode.acc_seg: 91.2562, aux.loss_ce: 0.1586, aux.acc_seg: 85.0898, loss: 0.3719, grad_norm: 4.2371 2023-11-14 02:53:16,128 - mmseg - INFO - Iter [86400/160000] lr: 8.763e-07, eta: 8:26:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2303, decode.acc_seg: 90.2404, aux.loss_ce: 0.1595, aux.acc_seg: 84.8580, loss: 0.3898, grad_norm: 4.8884 2023-11-14 02:53:36,116 - mmseg - INFO - Iter [86450/160000] lr: 8.757e-07, eta: 8:26:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2143, decode.acc_seg: 90.8710, aux.loss_ce: 0.1583, aux.acc_seg: 84.6629, loss: 0.3726, grad_norm: 3.1263 2023-11-14 02:53:56,057 - mmseg - INFO - Iter [86500/160000] lr: 8.751e-07, eta: 8:25:52, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 90.9823, aux.loss_ce: 0.1527, aux.acc_seg: 85.2459, loss: 0.3636, grad_norm: 3.9871 2023-11-14 02:54:16,043 - mmseg - INFO - Iter [86550/160000] lr: 8.745e-07, eta: 8:25:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2242, decode.acc_seg: 91.0514, aux.loss_ce: 0.1629, aux.acc_seg: 84.8469, loss: 0.3871, grad_norm: 4.3924 2023-11-14 02:54:35,928 - mmseg - INFO - Iter [86600/160000] lr: 8.739e-07, eta: 8:25:09, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2228, decode.acc_seg: 90.7663, aux.loss_ce: 0.1652, aux.acc_seg: 84.0779, loss: 0.3880, grad_norm: 3.7971 2023-11-14 02:54:55,994 - mmseg - INFO - Iter [86650/160000] lr: 8.733e-07, eta: 8:24:48, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2423, decode.acc_seg: 90.0007, aux.loss_ce: 0.1651, aux.acc_seg: 84.5553, loss: 0.4074, grad_norm: 4.7164 2023-11-14 02:55:15,999 - mmseg - INFO - Iter [86700/160000] lr: 8.727e-07, eta: 8:24:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2190, decode.acc_seg: 90.7269, aux.loss_ce: 0.1519, aux.acc_seg: 85.2156, loss: 0.3709, grad_norm: 3.2426 2023-11-14 02:55:36,162 - mmseg - INFO - Iter [86750/160000] lr: 8.721e-07, eta: 8:24:06, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2314, decode.acc_seg: 90.6136, aux.loss_ce: 0.1646, aux.acc_seg: 84.5547, loss: 0.3960, grad_norm: 3.9583 2023-11-14 02:55:56,342 - mmseg - INFO - Iter [86800/160000] lr: 8.715e-07, eta: 8:23:45, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2313, decode.acc_seg: 90.2807, aux.loss_ce: 0.1657, aux.acc_seg: 84.1429, loss: 0.3969, grad_norm: 3.9891 2023-11-14 02:56:16,226 - mmseg - INFO - Iter [86850/160000] lr: 8.709e-07, eta: 8:23:24, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2257, decode.acc_seg: 90.8289, aux.loss_ce: 0.1659, aux.acc_seg: 84.3214, loss: 0.3916, grad_norm: 3.6478 2023-11-14 02:56:36,209 - mmseg - INFO - Iter [86900/160000] lr: 8.703e-07, eta: 8:23:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2313, decode.acc_seg: 90.5228, aux.loss_ce: 0.1644, aux.acc_seg: 84.6695, loss: 0.3957, grad_norm: 4.6765 2023-11-14 02:56:56,156 - mmseg - INFO - Iter [86950/160000] lr: 8.698e-07, eta: 8:22:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2226, decode.acc_seg: 90.6868, aux.loss_ce: 0.1592, aux.acc_seg: 84.9704, loss: 0.3818, grad_norm: 3.7913 2023-11-14 02:57:15,998 - mmseg - INFO - Saving checkpoint at 87000 iterations 2023-11-14 02:57:23,674 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 02:57:23,674 - mmseg - INFO - Iter [87000/160000] lr: 8.692e-07, eta: 8:22:26, time: 0.550, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2364, decode.acc_seg: 90.4760, aux.loss_ce: 0.1733, aux.acc_seg: 84.0222, loss: 0.4097, grad_norm: 4.0657 2023-11-14 02:57:43,719 - mmseg - INFO - Iter [87050/160000] lr: 8.686e-07, eta: 8:22:05, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2253, decode.acc_seg: 90.7082, aux.loss_ce: 0.1574, aux.acc_seg: 85.0746, loss: 0.3827, grad_norm: 3.9428 2023-11-14 02:58:03,688 - mmseg - INFO - Iter [87100/160000] lr: 8.680e-07, eta: 8:21:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2386, decode.acc_seg: 90.1013, aux.loss_ce: 0.1657, aux.acc_seg: 84.3556, loss: 0.4043, grad_norm: 4.8828 2023-11-14 02:58:25,983 - mmseg - INFO - Iter [87150/160000] lr: 8.674e-07, eta: 8:21:25, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2305, decode.acc_seg: 90.3219, aux.loss_ce: 0.1613, aux.acc_seg: 84.8864, loss: 0.3919, grad_norm: 3.6864 2023-11-14 02:58:46,260 - mmseg - INFO - Iter [87200/160000] lr: 8.668e-07, eta: 8:21:04, time: 0.406, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2191, decode.acc_seg: 91.1131, aux.loss_ce: 0.1554, aux.acc_seg: 85.3490, loss: 0.3745, grad_norm: 3.8572 2023-11-14 02:59:06,405 - mmseg - INFO - Iter [87250/160000] lr: 8.662e-07, eta: 8:20:43, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2365, decode.acc_seg: 89.8901, aux.loss_ce: 0.1772, aux.acc_seg: 83.0647, loss: 0.4137, grad_norm: 3.7442 2023-11-14 02:59:26,283 - mmseg - INFO - Iter [87300/160000] lr: 8.656e-07, eta: 8:20:22, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2128, decode.acc_seg: 91.0681, aux.loss_ce: 0.1543, aux.acc_seg: 84.7965, loss: 0.3671, grad_norm: 3.4969 2023-11-14 02:59:46,476 - mmseg - INFO - Iter [87350/160000] lr: 8.650e-07, eta: 8:20:00, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2225, decode.acc_seg: 90.9209, aux.loss_ce: 0.1629, aux.acc_seg: 85.0462, loss: 0.3854, grad_norm: 3.4292 2023-11-14 03:00:06,433 - mmseg - INFO - Iter [87400/160000] lr: 8.644e-07, eta: 8:19:39, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2297, decode.acc_seg: 90.6212, aux.loss_ce: 0.1603, aux.acc_seg: 85.1779, loss: 0.3900, grad_norm: 3.6690 2023-11-14 03:00:26,375 - mmseg - INFO - Iter [87450/160000] lr: 8.638e-07, eta: 8:19:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2189, decode.acc_seg: 90.9501, aux.loss_ce: 0.1649, aux.acc_seg: 84.7753, loss: 0.3838, grad_norm: 3.4404 2023-11-14 03:00:46,255 - mmseg - INFO - Iter [87500/160000] lr: 8.632e-07, eta: 8:18:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2221, decode.acc_seg: 90.8207, aux.loss_ce: 0.1579, aux.acc_seg: 84.9498, loss: 0.3800, grad_norm: 3.5069 2023-11-14 03:01:06,255 - mmseg - INFO - Iter [87550/160000] lr: 8.626e-07, eta: 8:18:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2229, decode.acc_seg: 90.9767, aux.loss_ce: 0.1586, aux.acc_seg: 85.2476, loss: 0.3816, grad_norm: 3.9759 2023-11-14 03:01:26,320 - mmseg - INFO - Iter [87600/160000] lr: 8.620e-07, eta: 8:18:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2254, decode.acc_seg: 90.5689, aux.loss_ce: 0.1608, aux.acc_seg: 85.0036, loss: 0.3862, grad_norm: 3.5395 2023-11-14 03:01:46,196 - mmseg - INFO - Iter [87650/160000] lr: 8.614e-07, eta: 8:17:53, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2197, decode.acc_seg: 90.6597, aux.loss_ce: 0.1636, aux.acc_seg: 84.4387, loss: 0.3834, grad_norm: 4.2791 2023-11-14 03:02:06,616 - mmseg - INFO - Iter [87700/160000] lr: 8.608e-07, eta: 8:17:32, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2215, decode.acc_seg: 90.9849, aux.loss_ce: 0.1633, aux.acc_seg: 85.2064, loss: 0.3848, grad_norm: 3.6339 2023-11-14 03:02:26,601 - mmseg - INFO - Iter [87750/160000] lr: 8.602e-07, eta: 8:17:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2294, decode.acc_seg: 90.3364, aux.loss_ce: 0.1577, aux.acc_seg: 85.1175, loss: 0.3871, grad_norm: 3.7395 2023-11-14 03:02:46,626 - mmseg - INFO - Iter [87800/160000] lr: 8.596e-07, eta: 8:16:50, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2169, decode.acc_seg: 90.8808, aux.loss_ce: 0.1589, aux.acc_seg: 84.8960, loss: 0.3757, grad_norm: 3.9191 2023-11-14 03:03:06,488 - mmseg - INFO - Iter [87850/160000] lr: 8.590e-07, eta: 8:16:29, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2156, decode.acc_seg: 90.9978, aux.loss_ce: 0.1534, aux.acc_seg: 85.4482, loss: 0.3689, grad_norm: 3.2594 2023-11-14 03:03:26,476 - mmseg - INFO - Iter [87900/160000] lr: 8.584e-07, eta: 8:16:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2188, decode.acc_seg: 90.8775, aux.loss_ce: 0.1506, aux.acc_seg: 85.6108, loss: 0.3693, grad_norm: 3.9713 2023-11-14 03:03:46,367 - mmseg - INFO - Iter [87950/160000] lr: 8.578e-07, eta: 8:15:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2390, decode.acc_seg: 90.4225, aux.loss_ce: 0.1704, aux.acc_seg: 83.9386, loss: 0.4094, grad_norm: 3.8230 2023-11-14 03:04:06,255 - mmseg - INFO - Saving checkpoint at 88000 iterations 2023-11-14 03:04:14,123 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:04:14,123 - mmseg - INFO - Iter [88000/160000] lr: 8.572e-07, eta: 8:15:31, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2245, decode.acc_seg: 90.6909, aux.loss_ce: 0.1624, aux.acc_seg: 84.4195, loss: 0.3869, grad_norm: 3.9556 2023-11-14 03:04:34,136 - mmseg - INFO - Iter [88050/160000] lr: 8.567e-07, eta: 8:15:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2230, decode.acc_seg: 90.7856, aux.loss_ce: 0.1560, aux.acc_seg: 85.0289, loss: 0.3789, grad_norm: 4.1976 2023-11-14 03:04:54,177 - mmseg - INFO - Iter [88100/160000] lr: 8.561e-07, eta: 8:14:49, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2305, decode.acc_seg: 90.4123, aux.loss_ce: 0.1639, aux.acc_seg: 84.4800, loss: 0.3944, grad_norm: 4.0292 2023-11-14 03:05:14,473 - mmseg - INFO - Iter [88150/160000] lr: 8.555e-07, eta: 8:14:28, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2316, decode.acc_seg: 90.2954, aux.loss_ce: 0.1636, aux.acc_seg: 84.0020, loss: 0.3952, grad_norm: 3.7915 2023-11-14 03:05:34,593 - mmseg - INFO - Iter [88200/160000] lr: 8.549e-07, eta: 8:14:07, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2304, decode.acc_seg: 90.7199, aux.loss_ce: 0.1699, aux.acc_seg: 84.3649, loss: 0.4003, grad_norm: 3.6541 2023-11-14 03:05:54,495 - mmseg - INFO - Iter [88250/160000] lr: 8.543e-07, eta: 8:13:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2252, decode.acc_seg: 90.7999, aux.loss_ce: 0.1653, aux.acc_seg: 84.6259, loss: 0.3905, grad_norm: 3.8614 2023-11-14 03:06:14,374 - mmseg - INFO - Iter [88300/160000] lr: 8.537e-07, eta: 8:13:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2230, decode.acc_seg: 90.9059, aux.loss_ce: 0.1613, aux.acc_seg: 85.1758, loss: 0.3843, grad_norm: 4.3445 2023-11-14 03:06:34,338 - mmseg - INFO - Iter [88350/160000] lr: 8.531e-07, eta: 8:13:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2190, decode.acc_seg: 90.5387, aux.loss_ce: 0.1620, aux.acc_seg: 83.7710, loss: 0.3810, grad_norm: 3.8493 2023-11-14 03:06:54,276 - mmseg - INFO - Iter [88400/160000] lr: 8.525e-07, eta: 8:12:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2386, decode.acc_seg: 90.3901, aux.loss_ce: 0.1689, aux.acc_seg: 84.1784, loss: 0.4075, grad_norm: 4.0808 2023-11-14 03:07:16,531 - mmseg - INFO - Iter [88450/160000] lr: 8.519e-07, eta: 8:12:23, time: 0.445, data_time: 0.052, memory: 16105, decode.loss_ce: 0.2125, decode.acc_seg: 91.0696, aux.loss_ce: 0.1520, aux.acc_seg: 85.1965, loss: 0.3645, grad_norm: 3.6765 2023-11-14 03:07:36,569 - mmseg - INFO - Iter [88500/160000] lr: 8.513e-07, eta: 8:12:02, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2370, decode.acc_seg: 90.2999, aux.loss_ce: 0.1673, aux.acc_seg: 84.2888, loss: 0.4043, grad_norm: 4.2516 2023-11-14 03:07:56,618 - mmseg - INFO - Iter [88550/160000] lr: 8.507e-07, eta: 8:11:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2299, decode.acc_seg: 90.7232, aux.loss_ce: 0.1631, aux.acc_seg: 84.5650, loss: 0.3930, grad_norm: 3.7791 2023-11-14 03:08:16,973 - mmseg - INFO - Iter [88600/160000] lr: 8.501e-07, eta: 8:11:20, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2254, decode.acc_seg: 90.7691, aux.loss_ce: 0.1636, aux.acc_seg: 84.7064, loss: 0.3890, grad_norm: 4.0185 2023-11-14 03:08:37,130 - mmseg - INFO - Iter [88650/160000] lr: 8.495e-07, eta: 8:10:59, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2346, decode.acc_seg: 90.3997, aux.loss_ce: 0.1689, aux.acc_seg: 84.2859, loss: 0.4035, grad_norm: 4.5101 2023-11-14 03:08:57,106 - mmseg - INFO - Iter [88700/160000] lr: 8.489e-07, eta: 8:10:37, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2330, decode.acc_seg: 90.4167, aux.loss_ce: 0.1662, aux.acc_seg: 84.3519, loss: 0.3992, grad_norm: 3.6594 2023-11-14 03:09:16,986 - mmseg - INFO - Iter [88750/160000] lr: 8.483e-07, eta: 8:10:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2300, decode.acc_seg: 90.4359, aux.loss_ce: 0.1589, aux.acc_seg: 84.8435, loss: 0.3889, grad_norm: 4.1324 2023-11-14 03:09:36,987 - mmseg - INFO - Iter [88800/160000] lr: 8.477e-07, eta: 8:09:55, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2252, decode.acc_seg: 90.7263, aux.loss_ce: 0.1608, aux.acc_seg: 84.7155, loss: 0.3861, grad_norm: 4.1816 2023-11-14 03:09:56,899 - mmseg - INFO - Iter [88850/160000] lr: 8.471e-07, eta: 8:09:34, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2313, decode.acc_seg: 90.4497, aux.loss_ce: 0.1642, aux.acc_seg: 84.3740, loss: 0.3955, grad_norm: 4.1098 2023-11-14 03:10:16,760 - mmseg - INFO - Iter [88900/160000] lr: 8.465e-07, eta: 8:09:13, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2161, decode.acc_seg: 91.1306, aux.loss_ce: 0.1580, aux.acc_seg: 85.0527, loss: 0.3741, grad_norm: 3.6188 2023-11-14 03:10:36,859 - mmseg - INFO - Iter [88950/160000] lr: 8.459e-07, eta: 8:08:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2266, decode.acc_seg: 90.8443, aux.loss_ce: 0.1671, aux.acc_seg: 84.1486, loss: 0.3936, grad_norm: 3.3855 2023-11-14 03:10:56,921 - mmseg - INFO - Saving checkpoint at 89000 iterations 2023-11-14 03:11:04,872 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:11:04,872 - mmseg - INFO - Iter [89000/160000] lr: 8.453e-07, eta: 8:08:37, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2285, decode.acc_seg: 90.6830, aux.loss_ce: 0.1621, aux.acc_seg: 84.6833, loss: 0.3906, grad_norm: 4.7026 2023-11-14 03:11:25,057 - mmseg - INFO - Iter [89050/160000] lr: 8.447e-07, eta: 8:08:16, time: 0.404, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2421, decode.acc_seg: 90.1233, aux.loss_ce: 0.1690, aux.acc_seg: 84.2376, loss: 0.4112, grad_norm: 3.7052 2023-11-14 03:11:45,482 - mmseg - INFO - Iter [89100/160000] lr: 8.442e-07, eta: 8:07:55, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2301, decode.acc_seg: 90.4075, aux.loss_ce: 0.1591, aux.acc_seg: 84.8046, loss: 0.3892, grad_norm: 3.8818 2023-11-14 03:12:05,353 - mmseg - INFO - Iter [89150/160000] lr: 8.436e-07, eta: 8:07:34, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2084, decode.acc_seg: 91.1867, aux.loss_ce: 0.1546, aux.acc_seg: 84.8367, loss: 0.3629, grad_norm: 3.6974 2023-11-14 03:12:25,192 - mmseg - INFO - Iter [89200/160000] lr: 8.430e-07, eta: 8:07:12, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2313, decode.acc_seg: 90.5276, aux.loss_ce: 0.1627, aux.acc_seg: 84.6879, loss: 0.3941, grad_norm: 4.1167 2023-11-14 03:12:45,056 - mmseg - INFO - Iter [89250/160000] lr: 8.424e-07, eta: 8:06:51, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2341, decode.acc_seg: 90.5102, aux.loss_ce: 0.1695, aux.acc_seg: 84.0436, loss: 0.4035, grad_norm: 3.7214 2023-11-14 03:13:04,910 - mmseg - INFO - Iter [89300/160000] lr: 8.418e-07, eta: 8:06:30, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2167, decode.acc_seg: 90.8612, aux.loss_ce: 0.1565, aux.acc_seg: 85.0737, loss: 0.3731, grad_norm: 3.6034 2023-11-14 03:13:24,805 - mmseg - INFO - Iter [89350/160000] lr: 8.412e-07, eta: 8:06:09, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2181, decode.acc_seg: 90.5926, aux.loss_ce: 0.1592, aux.acc_seg: 84.3469, loss: 0.3773, grad_norm: 4.2078 2023-11-14 03:13:44,702 - mmseg - INFO - Iter [89400/160000] lr: 8.406e-07, eta: 8:05:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2467, decode.acc_seg: 89.9082, aux.loss_ce: 0.1676, aux.acc_seg: 84.2384, loss: 0.4143, grad_norm: 4.3594 2023-11-14 03:14:04,740 - mmseg - INFO - Iter [89450/160000] lr: 8.400e-07, eta: 8:05:26, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2270, decode.acc_seg: 90.8113, aux.loss_ce: 0.1578, aux.acc_seg: 85.2615, loss: 0.3848, grad_norm: 3.5899 2023-11-14 03:14:24,962 - mmseg - INFO - Iter [89500/160000] lr: 8.394e-07, eta: 8:05:05, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2186, decode.acc_seg: 90.8433, aux.loss_ce: 0.1551, aux.acc_seg: 85.6260, loss: 0.3737, grad_norm: 3.3197 2023-11-14 03:14:45,193 - mmseg - INFO - Iter [89550/160000] lr: 8.388e-07, eta: 8:04:44, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2331, decode.acc_seg: 90.6106, aux.loss_ce: 0.1606, aux.acc_seg: 84.5121, loss: 0.3937, grad_norm: 4.7715 2023-11-14 03:15:05,090 - mmseg - INFO - Iter [89600/160000] lr: 8.382e-07, eta: 8:04:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2318, decode.acc_seg: 90.5020, aux.loss_ce: 0.1658, aux.acc_seg: 84.3980, loss: 0.3976, grad_norm: 4.0510 2023-11-14 03:15:24,964 - mmseg - INFO - Iter [89650/160000] lr: 8.376e-07, eta: 8:04:02, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2266, decode.acc_seg: 90.8482, aux.loss_ce: 0.1622, aux.acc_seg: 85.0135, loss: 0.3889, grad_norm: 3.6658 2023-11-14 03:15:47,293 - mmseg - INFO - Iter [89700/160000] lr: 8.370e-07, eta: 8:03:42, time: 0.447, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2398, decode.acc_seg: 89.9105, aux.loss_ce: 0.1711, aux.acc_seg: 83.5588, loss: 0.4110, grad_norm: 4.6025 2023-11-14 03:16:07,273 - mmseg - INFO - Iter [89750/160000] lr: 8.364e-07, eta: 8:03:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2189, decode.acc_seg: 91.0562, aux.loss_ce: 0.1579, aux.acc_seg: 85.4211, loss: 0.3768, grad_norm: 3.7191 2023-11-14 03:16:27,224 - mmseg - INFO - Iter [89800/160000] lr: 8.358e-07, eta: 8:03:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2156, decode.acc_seg: 90.9899, aux.loss_ce: 0.1586, aux.acc_seg: 84.9815, loss: 0.3742, grad_norm: 3.5207 2023-11-14 03:16:47,129 - mmseg - INFO - Iter [89850/160000] lr: 8.352e-07, eta: 8:02:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2336, decode.acc_seg: 90.2493, aux.loss_ce: 0.1648, aux.acc_seg: 83.9571, loss: 0.3984, grad_norm: 5.0602 2023-11-14 03:17:07,111 - mmseg - INFO - Iter [89900/160000] lr: 8.346e-07, eta: 8:02:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2200, decode.acc_seg: 91.0353, aux.loss_ce: 0.1530, aux.acc_seg: 85.6584, loss: 0.3731, grad_norm: 3.2780 2023-11-14 03:17:27,202 - mmseg - INFO - Iter [89950/160000] lr: 8.340e-07, eta: 8:01:57, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2169, decode.acc_seg: 91.0878, aux.loss_ce: 0.1528, aux.acc_seg: 85.4125, loss: 0.3697, grad_norm: 4.2577 2023-11-14 03:17:47,505 - mmseg - INFO - Saving checkpoint at 90000 iterations 2023-11-14 03:17:56,124 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:17:56,124 - mmseg - INFO - Iter [90000/160000] lr: 8.334e-07, eta: 8:01:43, time: 0.579, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2258, decode.acc_seg: 90.5299, aux.loss_ce: 0.1611, aux.acc_seg: 84.5563, loss: 0.3868, grad_norm: 4.0924 2023-11-14 03:18:16,187 - mmseg - INFO - Iter [90050/160000] lr: 8.328e-07, eta: 8:01:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2301, decode.acc_seg: 90.6734, aux.loss_ce: 0.1641, aux.acc_seg: 85.0016, loss: 0.3942, grad_norm: 3.7986 2023-11-14 03:18:36,087 - mmseg - INFO - Iter [90100/160000] lr: 8.322e-07, eta: 8:01:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2266, decode.acc_seg: 90.5710, aux.loss_ce: 0.1591, aux.acc_seg: 84.8090, loss: 0.3857, grad_norm: 4.2347 2023-11-14 03:18:55,988 - mmseg - INFO - Iter [90150/160000] lr: 8.317e-07, eta: 8:00:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2178, decode.acc_seg: 91.0091, aux.loss_ce: 0.1636, aux.acc_seg: 84.4361, loss: 0.3814, grad_norm: 3.2349 2023-11-14 03:19:15,958 - mmseg - INFO - Iter [90200/160000] lr: 8.311e-07, eta: 8:00:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2316, decode.acc_seg: 90.3881, aux.loss_ce: 0.1630, aux.acc_seg: 84.3742, loss: 0.3946, grad_norm: 4.1775 2023-11-14 03:19:35,968 - mmseg - INFO - Iter [90250/160000] lr: 8.305e-07, eta: 7:59:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2314, decode.acc_seg: 90.3722, aux.loss_ce: 0.1679, aux.acc_seg: 84.5144, loss: 0.3994, grad_norm: 4.0995 2023-11-14 03:19:56,220 - mmseg - INFO - Iter [90300/160000] lr: 8.299e-07, eta: 7:59:36, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2235, decode.acc_seg: 90.9335, aux.loss_ce: 0.1595, aux.acc_seg: 85.1395, loss: 0.3830, grad_norm: 3.7020 2023-11-14 03:20:16,147 - mmseg - INFO - Iter [90350/160000] lr: 8.293e-07, eta: 7:59:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2466, decode.acc_seg: 89.9119, aux.loss_ce: 0.1743, aux.acc_seg: 83.8145, loss: 0.4209, grad_norm: 4.8064 2023-11-14 03:20:36,229 - mmseg - INFO - Iter [90400/160000] lr: 8.287e-07, eta: 7:58:53, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2079, decode.acc_seg: 91.3039, aux.loss_ce: 0.1528, aux.acc_seg: 85.2457, loss: 0.3608, grad_norm: 3.4451 2023-11-14 03:20:56,645 - mmseg - INFO - Iter [90450/160000] lr: 8.281e-07, eta: 7:58:33, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2335, decode.acc_seg: 90.2710, aux.loss_ce: 0.1628, aux.acc_seg: 84.6104, loss: 0.3963, grad_norm: 3.3755 2023-11-14 03:21:16,762 - mmseg - INFO - Iter [90500/160000] lr: 8.275e-07, eta: 7:58:12, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2217, decode.acc_seg: 90.9626, aux.loss_ce: 0.1629, aux.acc_seg: 85.2084, loss: 0.3846, grad_norm: 3.6295 2023-11-14 03:21:36,669 - mmseg - INFO - Iter [90550/160000] lr: 8.269e-07, eta: 7:57:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2283, decode.acc_seg: 90.4745, aux.loss_ce: 0.1651, aux.acc_seg: 84.1954, loss: 0.3934, grad_norm: 4.1022 2023-11-14 03:21:56,634 - mmseg - INFO - Iter [90600/160000] lr: 8.263e-07, eta: 7:57:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2083, decode.acc_seg: 91.1806, aux.loss_ce: 0.1529, aux.acc_seg: 85.0062, loss: 0.3612, grad_norm: 3.4170 2023-11-14 03:22:16,501 - mmseg - INFO - Iter [90650/160000] lr: 8.257e-07, eta: 7:57:08, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2238, decode.acc_seg: 90.6821, aux.loss_ce: 0.1569, aux.acc_seg: 85.1727, loss: 0.3807, grad_norm: 3.5962 2023-11-14 03:22:36,506 - mmseg - INFO - Iter [90700/160000] lr: 8.251e-07, eta: 7:56:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2184, decode.acc_seg: 90.8522, aux.loss_ce: 0.1541, aux.acc_seg: 85.3636, loss: 0.3725, grad_norm: 4.8555 2023-11-14 03:22:56,391 - mmseg - INFO - Iter [90750/160000] lr: 8.245e-07, eta: 7:56:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2137, decode.acc_seg: 91.2212, aux.loss_ce: 0.1559, aux.acc_seg: 85.1955, loss: 0.3696, grad_norm: 3.0957 2023-11-14 03:23:16,433 - mmseg - INFO - Iter [90800/160000] lr: 8.239e-07, eta: 7:56:05, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2291, decode.acc_seg: 90.7831, aux.loss_ce: 0.1632, aux.acc_seg: 84.8596, loss: 0.3923, grad_norm: 3.1972 2023-11-14 03:23:36,485 - mmseg - INFO - Iter [90850/160000] lr: 8.233e-07, eta: 7:55:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2115, decode.acc_seg: 91.1831, aux.loss_ce: 0.1507, aux.acc_seg: 85.4683, loss: 0.3622, grad_norm: 3.5960 2023-11-14 03:23:56,772 - mmseg - INFO - Iter [90900/160000] lr: 8.227e-07, eta: 7:55:23, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2177, decode.acc_seg: 90.9979, aux.loss_ce: 0.1583, aux.acc_seg: 84.8946, loss: 0.3760, grad_norm: 4.0217 2023-11-14 03:24:19,280 - mmseg - INFO - Iter [90950/160000] lr: 8.221e-07, eta: 7:55:03, time: 0.450, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2268, decode.acc_seg: 90.4037, aux.loss_ce: 0.1687, aux.acc_seg: 84.1654, loss: 0.3955, grad_norm: 4.4348 2023-11-14 03:24:39,236 - mmseg - INFO - Saving checkpoint at 91000 iterations 2023-11-14 03:24:47,275 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:24:47,275 - mmseg - INFO - Iter [91000/160000] lr: 8.215e-07, eta: 7:54:48, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2233, decode.acc_seg: 90.7927, aux.loss_ce: 0.1618, aux.acc_seg: 84.8380, loss: 0.3850, grad_norm: 3.5422 2023-11-14 03:25:07,293 - mmseg - INFO - Iter [91050/160000] lr: 8.209e-07, eta: 7:54:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2156, decode.acc_seg: 91.1035, aux.loss_ce: 0.1554, aux.acc_seg: 85.5272, loss: 0.3710, grad_norm: 3.8360 2023-11-14 03:25:27,249 - mmseg - INFO - Iter [91100/160000] lr: 8.203e-07, eta: 7:54:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2145, decode.acc_seg: 91.0706, aux.loss_ce: 0.1626, aux.acc_seg: 84.6953, loss: 0.3771, grad_norm: 4.1853 2023-11-14 03:25:47,193 - mmseg - INFO - Iter [91150/160000] lr: 8.197e-07, eta: 7:53:45, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2327, decode.acc_seg: 90.4543, aux.loss_ce: 0.1718, aux.acc_seg: 84.0633, loss: 0.4044, grad_norm: 4.6949 2023-11-14 03:26:07,195 - mmseg - INFO - Iter [91200/160000] lr: 8.191e-07, eta: 7:53:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2214, decode.acc_seg: 90.7024, aux.loss_ce: 0.1586, aux.acc_seg: 84.9002, loss: 0.3800, grad_norm: 3.8848 2023-11-14 03:26:27,101 - mmseg - INFO - Iter [91250/160000] lr: 8.186e-07, eta: 7:53:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2277, decode.acc_seg: 90.6007, aux.loss_ce: 0.1623, aux.acc_seg: 84.6980, loss: 0.3900, grad_norm: 3.6019 2023-11-14 03:26:47,135 - mmseg - INFO - Iter [91300/160000] lr: 8.180e-07, eta: 7:52:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2170, decode.acc_seg: 90.7229, aux.loss_ce: 0.1562, aux.acc_seg: 84.8090, loss: 0.3732, grad_norm: 3.7739 2023-11-14 03:27:07,372 - mmseg - INFO - Iter [91350/160000] lr: 8.174e-07, eta: 7:52:20, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2272, decode.acc_seg: 90.7405, aux.loss_ce: 0.1591, aux.acc_seg: 84.7213, loss: 0.3863, grad_norm: 3.6916 2023-11-14 03:27:27,552 - mmseg - INFO - Iter [91400/160000] lr: 8.168e-07, eta: 7:51:59, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 90.7796, aux.loss_ce: 0.1627, aux.acc_seg: 84.8951, loss: 0.3858, grad_norm: 4.1736 2023-11-14 03:27:47,432 - mmseg - INFO - Iter [91450/160000] lr: 8.162e-07, eta: 7:51:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2388, decode.acc_seg: 90.3363, aux.loss_ce: 0.1676, aux.acc_seg: 84.3983, loss: 0.4064, grad_norm: 4.2504 2023-11-14 03:28:07,314 - mmseg - INFO - Iter [91500/160000] lr: 8.156e-07, eta: 7:51:17, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2202, decode.acc_seg: 90.8281, aux.loss_ce: 0.1526, aux.acc_seg: 85.4006, loss: 0.3728, grad_norm: 3.4538 2023-11-14 03:28:27,283 - mmseg - INFO - Iter [91550/160000] lr: 8.150e-07, eta: 7:50:56, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2251, decode.acc_seg: 90.8446, aux.loss_ce: 0.1648, aux.acc_seg: 84.7231, loss: 0.3899, grad_norm: 3.5019 2023-11-14 03:28:47,184 - mmseg - INFO - Iter [91600/160000] lr: 8.144e-07, eta: 7:50:35, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2279, decode.acc_seg: 90.7865, aux.loss_ce: 0.1659, aux.acc_seg: 84.6573, loss: 0.3938, grad_norm: 3.7485 2023-11-14 03:29:07,120 - mmseg - INFO - Iter [91650/160000] lr: 8.138e-07, eta: 7:50:14, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2205, decode.acc_seg: 90.8708, aux.loss_ce: 0.1630, aux.acc_seg: 84.7672, loss: 0.3834, grad_norm: 3.7700 2023-11-14 03:29:27,020 - mmseg - INFO - Iter [91700/160000] lr: 8.132e-07, eta: 7:49:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2206, decode.acc_seg: 90.7888, aux.loss_ce: 0.1551, aux.acc_seg: 85.1955, loss: 0.3757, grad_norm: 4.6387 2023-11-14 03:29:47,001 - mmseg - INFO - Iter [91750/160000] lr: 8.126e-07, eta: 7:49:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2216, decode.acc_seg: 90.9722, aux.loss_ce: 0.1575, aux.acc_seg: 84.8584, loss: 0.3790, grad_norm: 4.5744 2023-11-14 03:30:07,153 - mmseg - INFO - Iter [91800/160000] lr: 8.120e-07, eta: 7:49:10, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2240, decode.acc_seg: 90.6657, aux.loss_ce: 0.1581, aux.acc_seg: 84.8846, loss: 0.3821, grad_norm: 3.6944 2023-11-14 03:30:27,479 - mmseg - INFO - Iter [91850/160000] lr: 8.114e-07, eta: 7:48:49, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2213, decode.acc_seg: 90.8081, aux.loss_ce: 0.1573, aux.acc_seg: 84.8245, loss: 0.3787, grad_norm: 3.5411 2023-11-14 03:30:47,408 - mmseg - INFO - Iter [91900/160000] lr: 8.108e-07, eta: 7:48:28, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2201, decode.acc_seg: 91.0363, aux.loss_ce: 0.1593, aux.acc_seg: 84.9144, loss: 0.3795, grad_norm: 3.5342 2023-11-14 03:31:07,294 - mmseg - INFO - Iter [91950/160000] lr: 8.102e-07, eta: 7:48:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2193, decode.acc_seg: 90.9030, aux.loss_ce: 0.1587, aux.acc_seg: 85.0977, loss: 0.3780, grad_norm: 3.8428 2023-11-14 03:31:27,220 - mmseg - INFO - Saving checkpoint at 92000 iterations 2023-11-14 03:31:35,416 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:31:35,416 - mmseg - INFO - Iter [92000/160000] lr: 8.096e-07, eta: 7:47:52, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2149, decode.acc_seg: 90.8957, aux.loss_ce: 0.1589, aux.acc_seg: 84.6950, loss: 0.3738, grad_norm: 3.7653 2023-11-14 03:31:55,463 - mmseg - INFO - Iter [92050/160000] lr: 8.090e-07, eta: 7:47:31, time: 0.400, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2352, decode.acc_seg: 90.3868, aux.loss_ce: 0.1590, aux.acc_seg: 84.6621, loss: 0.3942, grad_norm: 3.9048 2023-11-14 03:32:15,413 - mmseg - INFO - Iter [92100/160000] lr: 8.084e-07, eta: 7:47:10, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2265, decode.acc_seg: 90.7255, aux.loss_ce: 0.1579, aux.acc_seg: 85.2955, loss: 0.3844, grad_norm: 3.7371 2023-11-14 03:32:35,335 - mmseg - INFO - Iter [92150/160000] lr: 8.078e-07, eta: 7:46:48, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2232, decode.acc_seg: 90.4357, aux.loss_ce: 0.1543, aux.acc_seg: 85.1741, loss: 0.3775, grad_norm: 3.5387 2023-11-14 03:32:57,557 - mmseg - INFO - Iter [92200/160000] lr: 8.072e-07, eta: 7:46:29, time: 0.444, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2392, decode.acc_seg: 90.5292, aux.loss_ce: 0.1663, aux.acc_seg: 84.6494, loss: 0.4055, grad_norm: 4.2838 2023-11-14 03:33:17,653 - mmseg - INFO - Iter [92250/160000] lr: 8.066e-07, eta: 7:46:08, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2111, decode.acc_seg: 91.1988, aux.loss_ce: 0.1545, aux.acc_seg: 85.2163, loss: 0.3656, grad_norm: 4.4963 2023-11-14 03:33:38,042 - mmseg - INFO - Iter [92300/160000] lr: 8.061e-07, eta: 7:45:47, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2210, decode.acc_seg: 90.8377, aux.loss_ce: 0.1587, aux.acc_seg: 84.8317, loss: 0.3797, grad_norm: 3.8775 2023-11-14 03:33:58,059 - mmseg - INFO - Iter [92350/160000] lr: 8.055e-07, eta: 7:45:26, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2152, decode.acc_seg: 91.1014, aux.loss_ce: 0.1577, aux.acc_seg: 85.1772, loss: 0.3729, grad_norm: 3.6633 2023-11-14 03:34:17,953 - mmseg - INFO - Iter [92400/160000] lr: 8.049e-07, eta: 7:45:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2251, decode.acc_seg: 90.6929, aux.loss_ce: 0.1694, aux.acc_seg: 84.1425, loss: 0.3946, grad_norm: 4.0192 2023-11-14 03:34:37,846 - mmseg - INFO - Iter [92450/160000] lr: 8.043e-07, eta: 7:44:44, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2335, decode.acc_seg: 90.2052, aux.loss_ce: 0.1682, aux.acc_seg: 83.8381, loss: 0.4017, grad_norm: 4.5051 2023-11-14 03:34:57,768 - mmseg - INFO - Iter [92500/160000] lr: 8.037e-07, eta: 7:44:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2281, decode.acc_seg: 90.8487, aux.loss_ce: 0.1596, aux.acc_seg: 85.2994, loss: 0.3877, grad_norm: 4.5982 2023-11-14 03:35:17,676 - mmseg - INFO - Iter [92550/160000] lr: 8.031e-07, eta: 7:44:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2307, decode.acc_seg: 90.1531, aux.loss_ce: 0.1686, aux.acc_seg: 83.6679, loss: 0.3993, grad_norm: 3.9669 2023-11-14 03:35:37,588 - mmseg - INFO - Iter [92600/160000] lr: 8.025e-07, eta: 7:43:40, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2124, decode.acc_seg: 91.0971, aux.loss_ce: 0.1492, aux.acc_seg: 85.3893, loss: 0.3616, grad_norm: 3.8338 2023-11-14 03:35:57,477 - mmseg - INFO - Iter [92650/160000] lr: 8.019e-07, eta: 7:43:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2256, decode.acc_seg: 91.0016, aux.loss_ce: 0.1576, aux.acc_seg: 85.0671, loss: 0.3832, grad_norm: 3.9643 2023-11-14 03:36:17,449 - mmseg - INFO - Iter [92700/160000] lr: 8.013e-07, eta: 7:42:58, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2171, decode.acc_seg: 91.0866, aux.loss_ce: 0.1554, aux.acc_seg: 85.6714, loss: 0.3725, grad_norm: 3.8194 2023-11-14 03:36:37,950 - mmseg - INFO - Iter [92750/160000] lr: 8.007e-07, eta: 7:42:37, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2214, decode.acc_seg: 90.5779, aux.loss_ce: 0.1574, aux.acc_seg: 84.9589, loss: 0.3789, grad_norm: 3.9717 2023-11-14 03:36:58,011 - mmseg - INFO - Iter [92800/160000] lr: 8.001e-07, eta: 7:42:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2153, decode.acc_seg: 91.0918, aux.loss_ce: 0.1543, aux.acc_seg: 85.0457, loss: 0.3697, grad_norm: 3.2102 2023-11-14 03:37:17,933 - mmseg - INFO - Iter [92850/160000] lr: 7.995e-07, eta: 7:41:55, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2177, decode.acc_seg: 90.8857, aux.loss_ce: 0.1536, aux.acc_seg: 85.3370, loss: 0.3713, grad_norm: 4.1586 2023-11-14 03:37:37,899 - mmseg - INFO - Iter [92900/160000] lr: 7.989e-07, eta: 7:41:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2292, decode.acc_seg: 90.2771, aux.loss_ce: 0.1604, aux.acc_seg: 84.5205, loss: 0.3895, grad_norm: 3.8571 2023-11-14 03:37:57,931 - mmseg - INFO - Iter [92950/160000] lr: 7.983e-07, eta: 7:41:13, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2136, decode.acc_seg: 91.1903, aux.loss_ce: 0.1580, aux.acc_seg: 85.1607, loss: 0.3715, grad_norm: 3.5129 2023-11-14 03:38:17,846 - mmseg - INFO - Saving checkpoint at 93000 iterations 2023-11-14 03:38:25,767 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:38:25,767 - mmseg - INFO - Iter [93000/160000] lr: 7.977e-07, eta: 7:40:57, time: 0.557, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2245, decode.acc_seg: 90.7191, aux.loss_ce: 0.1593, aux.acc_seg: 84.5469, loss: 0.3839, grad_norm: 4.0963 2023-11-14 03:38:45,780 - mmseg - INFO - Iter [93050/160000] lr: 7.971e-07, eta: 7:40:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2192, decode.acc_seg: 91.0028, aux.loss_ce: 0.1651, aux.acc_seg: 84.3000, loss: 0.3843, grad_norm: 4.0626 2023-11-14 03:39:05,921 - mmseg - INFO - Iter [93100/160000] lr: 7.965e-07, eta: 7:40:15, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2214, decode.acc_seg: 90.7855, aux.loss_ce: 0.1588, aux.acc_seg: 85.2015, loss: 0.3801, grad_norm: 3.4673 2023-11-14 03:39:25,918 - mmseg - INFO - Iter [93150/160000] lr: 7.959e-07, eta: 7:39:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2205, decode.acc_seg: 91.0379, aux.loss_ce: 0.1560, aux.acc_seg: 85.2114, loss: 0.3765, grad_norm: 4.1393 2023-11-14 03:39:46,175 - mmseg - INFO - Iter [93200/160000] lr: 7.953e-07, eta: 7:39:33, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2159, decode.acc_seg: 90.9578, aux.loss_ce: 0.1547, aux.acc_seg: 85.2438, loss: 0.3706, grad_norm: 3.8363 2023-11-14 03:40:06,253 - mmseg - INFO - Iter [93250/160000] lr: 7.947e-07, eta: 7:39:12, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2217, decode.acc_seg: 90.6822, aux.loss_ce: 0.1586, aux.acc_seg: 85.0951, loss: 0.3803, grad_norm: 3.6702 2023-11-14 03:40:26,148 - mmseg - INFO - Iter [93300/160000] lr: 7.941e-07, eta: 7:38:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2171, decode.acc_seg: 91.0686, aux.loss_ce: 0.1566, aux.acc_seg: 85.2109, loss: 0.3737, grad_norm: 3.3969 2023-11-14 03:40:46,116 - mmseg - INFO - Iter [93350/160000] lr: 7.936e-07, eta: 7:38:30, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2224, decode.acc_seg: 90.9093, aux.loss_ce: 0.1657, aux.acc_seg: 84.6787, loss: 0.3882, grad_norm: 3.7196 2023-11-14 03:41:06,085 - mmseg - INFO - Iter [93400/160000] lr: 7.930e-07, eta: 7:38:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2124, decode.acc_seg: 91.1765, aux.loss_ce: 0.1543, aux.acc_seg: 85.5242, loss: 0.3667, grad_norm: 3.7021 2023-11-14 03:41:25,973 - mmseg - INFO - Iter [93450/160000] lr: 7.924e-07, eta: 7:37:48, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2224, decode.acc_seg: 90.7372, aux.loss_ce: 0.1577, aux.acc_seg: 84.8549, loss: 0.3801, grad_norm: 3.8233 2023-11-14 03:41:48,260 - mmseg - INFO - Iter [93500/160000] lr: 7.918e-07, eta: 7:37:28, time: 0.446, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2207, decode.acc_seg: 90.6528, aux.loss_ce: 0.1592, aux.acc_seg: 84.7218, loss: 0.3799, grad_norm: 3.6683 2023-11-14 03:42:08,310 - mmseg - INFO - Iter [93550/160000] lr: 7.912e-07, eta: 7:37:07, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2171, decode.acc_seg: 90.9946, aux.loss_ce: 0.1608, aux.acc_seg: 84.9734, loss: 0.3780, grad_norm: 3.5465 2023-11-14 03:42:28,649 - mmseg - INFO - Iter [93600/160000] lr: 7.906e-07, eta: 7:36:46, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2142, decode.acc_seg: 91.3285, aux.loss_ce: 0.1557, aux.acc_seg: 85.3068, loss: 0.3699, grad_norm: 3.4455 2023-11-14 03:42:48,701 - mmseg - INFO - Iter [93650/160000] lr: 7.900e-07, eta: 7:36:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2092, decode.acc_seg: 91.4204, aux.loss_ce: 0.1559, aux.acc_seg: 85.2922, loss: 0.3651, grad_norm: 3.2720 2023-11-14 03:43:08,967 - mmseg - INFO - Iter [93700/160000] lr: 7.894e-07, eta: 7:36:04, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2237, decode.acc_seg: 90.9097, aux.loss_ce: 0.1610, aux.acc_seg: 84.9625, loss: 0.3848, grad_norm: 3.8900 2023-11-14 03:43:28,885 - mmseg - INFO - Iter [93750/160000] lr: 7.888e-07, eta: 7:35:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2203, decode.acc_seg: 90.8960, aux.loss_ce: 0.1609, aux.acc_seg: 84.7137, loss: 0.3813, grad_norm: 4.6982 2023-11-14 03:43:48,867 - mmseg - INFO - Iter [93800/160000] lr: 7.882e-07, eta: 7:35:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2271, decode.acc_seg: 90.6545, aux.loss_ce: 0.1653, aux.acc_seg: 84.3373, loss: 0.3923, grad_norm: 4.0059 2023-11-14 03:44:08,775 - mmseg - INFO - Iter [93850/160000] lr: 7.876e-07, eta: 7:35:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2052, decode.acc_seg: 91.5921, aux.loss_ce: 0.1465, aux.acc_seg: 86.1449, loss: 0.3516, grad_norm: 3.2567 2023-11-14 03:44:28,689 - mmseg - INFO - Iter [93900/160000] lr: 7.870e-07, eta: 7:34:40, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2084, decode.acc_seg: 91.1058, aux.loss_ce: 0.1542, aux.acc_seg: 84.9835, loss: 0.3626, grad_norm: 3.8934 2023-11-14 03:44:48,641 - mmseg - INFO - Iter [93950/160000] lr: 7.864e-07, eta: 7:34:19, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2354, decode.acc_seg: 90.2957, aux.loss_ce: 0.1685, aux.acc_seg: 83.7069, loss: 0.4040, grad_norm: 4.5999 2023-11-14 03:45:08,583 - mmseg - INFO - Saving checkpoint at 94000 iterations 2023-11-14 03:45:16,644 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:45:16,644 - mmseg - INFO - Iter [94000/160000] lr: 7.858e-07, eta: 7:34:03, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2102, decode.acc_seg: 91.0241, aux.loss_ce: 0.1564, aux.acc_seg: 84.4835, loss: 0.3666, grad_norm: 3.6865 2023-11-14 03:45:36,713 - mmseg - INFO - Iter [94050/160000] lr: 7.852e-07, eta: 7:33:42, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2198, decode.acc_seg: 91.0002, aux.loss_ce: 0.1600, aux.acc_seg: 85.1179, loss: 0.3797, grad_norm: 3.6385 2023-11-14 03:45:57,035 - mmseg - INFO - Iter [94100/160000] lr: 7.846e-07, eta: 7:33:21, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2141, decode.acc_seg: 90.9573, aux.loss_ce: 0.1546, aux.acc_seg: 85.3423, loss: 0.3687, grad_norm: 3.6317 2023-11-14 03:46:17,304 - mmseg - INFO - Iter [94150/160000] lr: 7.840e-07, eta: 7:33:00, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2173, decode.acc_seg: 90.7837, aux.loss_ce: 0.1532, aux.acc_seg: 85.5949, loss: 0.3705, grad_norm: 4.0332 2023-11-14 03:46:37,292 - mmseg - INFO - Iter [94200/160000] lr: 7.834e-07, eta: 7:32:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2158, decode.acc_seg: 91.0399, aux.loss_ce: 0.1621, aux.acc_seg: 84.6273, loss: 0.3778, grad_norm: 3.5653 2023-11-14 03:46:57,549 - mmseg - INFO - Iter [94250/160000] lr: 7.828e-07, eta: 7:32:18, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2230, decode.acc_seg: 90.6979, aux.loss_ce: 0.1645, aux.acc_seg: 84.5026, loss: 0.3875, grad_norm: 3.5986 2023-11-14 03:47:17,667 - mmseg - INFO - Iter [94300/160000] lr: 7.822e-07, eta: 7:31:57, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2183, decode.acc_seg: 90.8527, aux.loss_ce: 0.1537, aux.acc_seg: 84.9441, loss: 0.3720, grad_norm: 3.2813 2023-11-14 03:47:37,810 - mmseg - INFO - Iter [94350/160000] lr: 7.816e-07, eta: 7:31:36, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2210, decode.acc_seg: 91.0747, aux.loss_ce: 0.1622, aux.acc_seg: 85.1018, loss: 0.3832, grad_norm: 3.9827 2023-11-14 03:47:57,737 - mmseg - INFO - Iter [94400/160000] lr: 7.811e-07, eta: 7:31:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2090, decode.acc_seg: 91.2816, aux.loss_ce: 0.1528, aux.acc_seg: 85.5683, loss: 0.3618, grad_norm: 3.2091 2023-11-14 03:48:17,722 - mmseg - INFO - Iter [94450/160000] lr: 7.805e-07, eta: 7:30:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2071, decode.acc_seg: 91.1003, aux.loss_ce: 0.1532, aux.acc_seg: 84.9483, loss: 0.3603, grad_norm: 3.8850 2023-11-14 03:48:37,659 - mmseg - INFO - Iter [94500/160000] lr: 7.799e-07, eta: 7:30:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2048, decode.acc_seg: 91.5635, aux.loss_ce: 0.1534, aux.acc_seg: 85.5137, loss: 0.3581, grad_norm: 3.7493 2023-11-14 03:48:57,770 - mmseg - INFO - Iter [94550/160000] lr: 7.793e-07, eta: 7:30:12, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2155, decode.acc_seg: 91.0493, aux.loss_ce: 0.1616, aux.acc_seg: 84.5619, loss: 0.3771, grad_norm: 3.4690 2023-11-14 03:49:18,092 - mmseg - INFO - Iter [94600/160000] lr: 7.787e-07, eta: 7:29:51, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2061, decode.acc_seg: 91.3607, aux.loss_ce: 0.1566, aux.acc_seg: 84.6941, loss: 0.3628, grad_norm: 3.5012 2023-11-14 03:49:38,115 - mmseg - INFO - Iter [94650/160000] lr: 7.781e-07, eta: 7:29:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2146, decode.acc_seg: 91.0819, aux.loss_ce: 0.1585, aux.acc_seg: 84.7536, loss: 0.3730, grad_norm: 3.5176 2023-11-14 03:49:58,209 - mmseg - INFO - Iter [94700/160000] lr: 7.775e-07, eta: 7:29:09, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2236, decode.acc_seg: 90.8548, aux.loss_ce: 0.1660, aux.acc_seg: 84.6258, loss: 0.3897, grad_norm: 4.1556 2023-11-14 03:50:20,410 - mmseg - INFO - Iter [94750/160000] lr: 7.769e-07, eta: 7:28:50, time: 0.444, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2198, decode.acc_seg: 90.7580, aux.loss_ce: 0.1568, aux.acc_seg: 85.1533, loss: 0.3766, grad_norm: 3.4221 2023-11-14 03:50:40,304 - mmseg - INFO - Iter [94800/160000] lr: 7.763e-07, eta: 7:28:28, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2262, decode.acc_seg: 90.8131, aux.loss_ce: 0.1621, aux.acc_seg: 84.4583, loss: 0.3883, grad_norm: 3.9317 2023-11-14 03:51:00,227 - mmseg - INFO - Iter [94850/160000] lr: 7.757e-07, eta: 7:28:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2086, decode.acc_seg: 91.3698, aux.loss_ce: 0.1544, aux.acc_seg: 85.0272, loss: 0.3631, grad_norm: 3.5681 2023-11-14 03:51:20,144 - mmseg - INFO - Iter [94900/160000] lr: 7.751e-07, eta: 7:27:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2110, decode.acc_seg: 90.8963, aux.loss_ce: 0.1500, aux.acc_seg: 85.4684, loss: 0.3610, grad_norm: 3.5525 2023-11-14 03:51:40,088 - mmseg - INFO - Iter [94950/160000] lr: 7.745e-07, eta: 7:27:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2219, decode.acc_seg: 90.7296, aux.loss_ce: 0.1634, aux.acc_seg: 84.5198, loss: 0.3853, grad_norm: 3.7141 2023-11-14 03:52:00,286 - mmseg - INFO - Saving checkpoint at 95000 iterations 2023-11-14 03:52:08,065 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:52:08,065 - mmseg - INFO - Iter [95000/160000] lr: 7.739e-07, eta: 7:27:09, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2145, decode.acc_seg: 90.9677, aux.loss_ce: 0.1576, aux.acc_seg: 84.7960, loss: 0.3721, grad_norm: 3.3922 2023-11-14 03:52:28,370 - mmseg - INFO - Iter [95050/160000] lr: 7.733e-07, eta: 7:26:49, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 91.2774, aux.loss_ce: 0.1508, aux.acc_seg: 86.0440, loss: 0.3617, grad_norm: 3.1572 2023-11-14 03:52:48,454 - mmseg - INFO - Iter [95100/160000] lr: 7.727e-07, eta: 7:26:28, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2122, decode.acc_seg: 91.2808, aux.loss_ce: 0.1521, aux.acc_seg: 85.4191, loss: 0.3643, grad_norm: 3.7794 2023-11-14 03:53:08,425 - mmseg - INFO - Iter [95150/160000] lr: 7.721e-07, eta: 7:26:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2147, decode.acc_seg: 90.9656, aux.loss_ce: 0.1595, aux.acc_seg: 84.6023, loss: 0.3742, grad_norm: 4.3575 2023-11-14 03:53:28,459 - mmseg - INFO - Iter [95200/160000] lr: 7.715e-07, eta: 7:25:45, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2111, decode.acc_seg: 91.2245, aux.loss_ce: 0.1605, aux.acc_seg: 84.8633, loss: 0.3716, grad_norm: 3.3265 2023-11-14 03:53:48,364 - mmseg - INFO - Iter [95250/160000] lr: 7.709e-07, eta: 7:25:24, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2288, decode.acc_seg: 90.4821, aux.loss_ce: 0.1652, aux.acc_seg: 84.0820, loss: 0.3940, grad_norm: 4.1113 2023-11-14 03:54:08,270 - mmseg - INFO - Iter [95300/160000] lr: 7.703e-07, eta: 7:25:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2268, decode.acc_seg: 90.5913, aux.loss_ce: 0.1657, aux.acc_seg: 84.6136, loss: 0.3925, grad_norm: 3.8409 2023-11-14 03:54:28,212 - mmseg - INFO - Iter [95350/160000] lr: 7.697e-07, eta: 7:24:42, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.5932, aux.loss_ce: 0.1682, aux.acc_seg: 83.9897, loss: 0.3979, grad_norm: 3.8791 2023-11-14 03:54:48,136 - mmseg - INFO - Iter [95400/160000] lr: 7.691e-07, eta: 7:24:21, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 91.2049, aux.loss_ce: 0.1551, aux.acc_seg: 85.4430, loss: 0.3660, grad_norm: 3.3778 2023-11-14 03:55:08,246 - mmseg - INFO - Iter [95450/160000] lr: 7.685e-07, eta: 7:24:00, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2213, decode.acc_seg: 90.6861, aux.loss_ce: 0.1626, aux.acc_seg: 84.5807, loss: 0.3840, grad_norm: 3.7824 2023-11-14 03:55:28,496 - mmseg - INFO - Iter [95500/160000] lr: 7.680e-07, eta: 7:23:39, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2172, decode.acc_seg: 91.1053, aux.loss_ce: 0.1584, aux.acc_seg: 85.1394, loss: 0.3756, grad_norm: 4.1030 2023-11-14 03:55:48,568 - mmseg - INFO - Iter [95550/160000] lr: 7.674e-07, eta: 7:23:18, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2158, decode.acc_seg: 91.2342, aux.loss_ce: 0.1475, aux.acc_seg: 86.2011, loss: 0.3633, grad_norm: 3.0151 2023-11-14 03:56:08,430 - mmseg - INFO - Iter [95600/160000] lr: 7.668e-07, eta: 7:22:57, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2265, decode.acc_seg: 90.6714, aux.loss_ce: 0.1590, aux.acc_seg: 84.5776, loss: 0.3855, grad_norm: 3.8758 2023-11-14 03:56:28,293 - mmseg - INFO - Iter [95650/160000] lr: 7.662e-07, eta: 7:22:36, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2236, decode.acc_seg: 90.7206, aux.loss_ce: 0.1678, aux.acc_seg: 84.2243, loss: 0.3914, grad_norm: 3.6880 2023-11-14 03:56:48,177 - mmseg - INFO - Iter [95700/160000] lr: 7.656e-07, eta: 7:22:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2244, decode.acc_seg: 90.8296, aux.loss_ce: 0.1744, aux.acc_seg: 83.7598, loss: 0.3988, grad_norm: 3.9332 2023-11-14 03:57:08,064 - mmseg - INFO - Iter [95750/160000] lr: 7.650e-07, eta: 7:21:53, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2247, decode.acc_seg: 90.7145, aux.loss_ce: 0.1615, aux.acc_seg: 84.7783, loss: 0.3862, grad_norm: 3.7863 2023-11-14 03:57:27,959 - mmseg - INFO - Iter [95800/160000] lr: 7.644e-07, eta: 7:21:32, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2161, decode.acc_seg: 91.0161, aux.loss_ce: 0.1610, aux.acc_seg: 84.8334, loss: 0.3771, grad_norm: 3.0966 2023-11-14 03:57:47,829 - mmseg - INFO - Iter [95850/160000] lr: 7.638e-07, eta: 7:21:11, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2135, decode.acc_seg: 91.1790, aux.loss_ce: 0.1588, aux.acc_seg: 84.7507, loss: 0.3723, grad_norm: 4.6011 2023-11-14 03:58:07,904 - mmseg - INFO - Iter [95900/160000] lr: 7.632e-07, eta: 7:20:50, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2277, decode.acc_seg: 90.5828, aux.loss_ce: 0.1656, aux.acc_seg: 84.4954, loss: 0.3933, grad_norm: 3.8857 2023-11-14 03:58:28,039 - mmseg - INFO - Iter [95950/160000] lr: 7.626e-07, eta: 7:20:29, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2219, decode.acc_seg: 90.7958, aux.loss_ce: 0.1567, aux.acc_seg: 85.2682, loss: 0.3786, grad_norm: 3.6599 2023-11-14 03:58:50,575 - mmseg - INFO - Saving checkpoint at 96000 iterations 2023-11-14 03:58:59,137 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:58:59,137 - mmseg - INFO - Iter [96000/160000] lr: 7.620e-07, eta: 7:20:15, time: 0.622, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2089, decode.acc_seg: 91.3454, aux.loss_ce: 0.1491, aux.acc_seg: 85.7229, loss: 0.3580, grad_norm: 4.0940 2023-11-14 03:59:15,519 - mmseg - INFO - per class results: 2023-11-14 03:59:15,524 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.89 | 88.85 | | building | 84.17 | 92.23 | | sky | 94.75 | 97.87 | | floor | 84.15 | 90.89 | | tree | 76.01 | 87.96 | | ceiling | 86.18 | 92.6 | | road | 85.73 | 91.17 | | bed | 92.05 | 97.36 | | windowpane | 64.37 | 83.71 | | grass | 66.88 | 81.96 | | cabinet | 62.83 | 74.62 | | sidewalk | 69.37 | 82.74 | | person | 84.28 | 93.72 | | earth | 37.26 | 49.51 | | door | 56.65 | 69.43 | | table | 66.95 | 79.7 | | mountain | 63.2 | 78.75 | | plant | 54.73 | 67.77 | | curtain | 78.31 | 89.6 | | chair | 63.14 | 74.72 | | car | 86.69 | 94.23 | | water | 62.2 | 75.51 | | painting | 75.11 | 90.48 | | sofa | 74.06 | 90.81 | | shelf | 50.55 | 67.03 | | house | 50.55 | 71.03 | | sea | 72.8 | 89.99 | | mirror | 73.42 | 82.9 | | rug | 67.98 | 81.52 | | field | 31.18 | 53.08 | | armchair | 45.74 | 61.05 | | seat | 64.0 | 84.04 | | fence | 50.88 | 73.71 | | desk | 53.2 | 72.99 | | rock | 57.55 | 75.88 | | wardrobe | 47.29 | 70.75 | | lamp | 69.41 | 80.86 | | bathtub | 81.5 | 85.7 | | railing | 39.32 | 57.13 | | cushion | 66.97 | 77.21 | | base | 44.62 | 57.95 | | box | 35.08 | 45.91 | | column | 54.25 | 69.45 | | signboard | 40.97 | 52.53 | | chest of drawers | 38.88 | 61.62 | | counter | 45.69 | 57.63 | | sand | 54.1 | 71.41 | | sink | 79.4 | 88.31 | | skyscraper | 57.0 | 65.52 | | fireplace | 75.47 | 89.89 | | refrigerator | 79.26 | 88.32 | | grandstand | 44.26 | 77.1 | | path | 23.03 | 37.2 | | stairs | 28.72 | 37.99 | | runway | 71.14 | 94.53 | | case | 61.97 | 76.6 | | pool table | 93.47 | 98.04 | | pillow | 63.66 | 75.67 | | screen door | 84.31 | 91.43 | | stairway | 36.88 | 50.28 | | river | 15.31 | 29.02 | | bridge | 57.62 | 65.05 | | bookcase | 46.65 | 67.8 | | blind | 42.98 | 47.88 | | coffee table | 62.55 | 86.5 | | toilet | 89.29 | 95.07 | | flower | 47.52 | 61.45 | | book | 51.06 | 74.82 | | hill | 8.98 | 13.16 | | bench | 62.95 | 75.68 | | countertop | 60.46 | 78.09 | | stove | 81.76 | 88.36 | | palm | 53.7 | 75.83 | | kitchen island | 41.41 | 76.38 | | computer | 74.85 | 91.37 | | swivel chair | 58.93 | 87.08 | | boat | 72.14 | 84.83 | | bar | 53.89 | 63.46 | | arcade machine | 85.96 | 91.47 | | hovel | 55.5 | 77.61 | | bus | 88.96 | 97.29 | | towel | 72.09 | 81.83 | | light | 60.44 | 70.97 | | truck | 45.8 | 55.58 | | tower | 35.07 | 57.92 | | chandelier | 73.07 | 87.81 | | awning | 40.07 | 46.38 | | streetlight | 35.69 | 51.24 | | booth | 34.24 | 44.01 | | television receiver | 77.73 | 88.16 | | airplane | 68.36 | 74.72 | | dirt track | 10.18 | 21.28 | | apparel | 53.24 | 70.54 | | pole | 29.45 | 39.38 | | land | 4.48 | 7.42 | | bannister | 19.11 | 24.86 | | escalator | 56.37 | 83.38 | | ottoman | 52.68 | 71.6 | | bottle | 42.51 | 72.29 | | buffet | 45.49 | 52.47 | | poster | 28.13 | 42.48 | | stage | 21.0 | 34.78 | | van | 42.18 | 61.5 | | ship | 53.48 | 60.88 | | fountain | 34.97 | 35.76 | | conveyer belt | 81.58 | 93.03 | | canopy | 42.34 | 61.34 | | washer | 85.48 | 89.43 | | plaything | 38.45 | 59.88 | | swimming pool | 60.66 | 65.42 | | stool | 49.2 | 64.12 | | barrel | 79.27 | 93.74 | | basket | 40.42 | 54.7 | | waterfall | 55.66 | 63.58 | | tent | 95.89 | 98.74 | | bag | 23.13 | 28.12 | | minibike | 73.32 | 88.58 | | cradle | 83.91 | 98.25 | | oven | 52.64 | 69.72 | | ball | 37.09 | 39.29 | | food | 60.88 | 75.07 | | step | 12.39 | 15.38 | | tank | 62.61 | 67.11 | | trade name | 33.01 | 40.48 | | microwave | 84.47 | 93.78 | | pot | 51.37 | 60.29 | | animal | 59.5 | 61.69 | | bicycle | 60.88 | 81.08 | | lake | 53.65 | 63.75 | | dishwasher | 75.36 | 84.15 | | screen | 58.59 | 86.38 | | blanket | 25.95 | 31.39 | | sculpture | 75.99 | 87.25 | | hood | 61.41 | 73.61 | | sconce | 50.9 | 61.49 | | vase | 46.8 | 61.44 | | traffic light | 39.85 | 66.68 | | tray | 10.64 | 14.61 | | ashcan | 46.32 | 66.77 | | fan | 65.2 | 80.45 | | pier | 33.94 | 45.25 | | crt screen | 6.04 | 16.04 | | plate | 59.46 | 79.86 | | monitor | 4.26 | 4.52 | | bulletin board | 53.7 | 73.33 | | shower | 3.02 | 3.04 | | radiator | 66.47 | 74.92 | | glass | 18.96 | 20.19 | | clock | 46.66 | 53.36 | | flag | 63.11 | 71.76 | +---------------------+-------+-------+ 2023-11-14 03:59:15,524 - mmseg - INFO - Summary: 2023-11-14 03:59:15,524 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.24 | 55.49 | 68.25 | +-------+-------+-------+ 2023-11-14 03:59:15,553 - mmseg - INFO - The previous best checkpoint /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k/best_mIoU_iter_64000.pth was removed 2023-11-14 03:59:23,900 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_96000.pth. 2023-11-14 03:59:23,901 - mmseg - INFO - Best mIoU is 0.5549 at 96000 iter. 2023-11-14 03:59:23,901 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 03:59:23,902 - mmseg - INFO - Iter(val) [250] aAcc: 0.8524, mIoU: 0.5549, mAcc: 0.6825, IoU.wall: 0.8089, IoU.building: 0.8417, IoU.sky: 0.9475, IoU.floor: 0.8415, IoU.tree: 0.7601, IoU.ceiling: 0.8618, IoU.road: 0.8573, IoU.bed : 0.9205, IoU.windowpane: 0.6437, IoU.grass: 0.6688, IoU.cabinet: 0.6283, IoU.sidewalk: 0.6937, IoU.person: 0.8428, IoU.earth: 0.3726, IoU.door: 0.5665, IoU.table: 0.6695, IoU.mountain: 0.6320, IoU.plant: 0.5473, IoU.curtain: 0.7831, IoU.chair: 0.6314, IoU.car: 0.8669, IoU.water: 0.6220, IoU.painting: 0.7511, IoU.sofa: 0.7406, IoU.shelf: 0.5055, IoU.house: 0.5055, IoU.sea: 0.7280, IoU.mirror: 0.7342, IoU.rug: 0.6798, IoU.field: 0.3118, IoU.armchair: 0.4574, IoU.seat: 0.6400, IoU.fence: 0.5088, IoU.desk: 0.5320, IoU.rock: 0.5755, IoU.wardrobe: 0.4729, IoU.lamp: 0.6941, IoU.bathtub: 0.8150, IoU.railing: 0.3932, IoU.cushion: 0.6697, IoU.base: 0.4462, IoU.box: 0.3508, IoU.column: 0.5425, IoU.signboard: 0.4097, IoU.chest of drawers: 0.3888, IoU.counter: 0.4569, IoU.sand: 0.5410, IoU.sink: 0.7940, IoU.skyscraper: 0.5700, IoU.fireplace: 0.7547, IoU.refrigerator: 0.7926, IoU.grandstand: 0.4426, IoU.path: 0.2303, IoU.stairs: 0.2872, IoU.runway: 0.7114, IoU.case: 0.6197, IoU.pool table: 0.9347, IoU.pillow: 0.6366, IoU.screen door: 0.8431, IoU.stairway: 0.3688, IoU.river: 0.1531, IoU.bridge: 0.5762, IoU.bookcase: 0.4665, IoU.blind: 0.4298, IoU.coffee table: 0.6255, IoU.toilet: 0.8929, IoU.flower: 0.4752, IoU.book: 0.5106, IoU.hill: 0.0898, IoU.bench: 0.6295, IoU.countertop: 0.6046, IoU.stove: 0.8176, IoU.palm: 0.5370, IoU.kitchen island: 0.4141, IoU.computer: 0.7485, IoU.swivel chair: 0.5893, IoU.boat: 0.7214, IoU.bar: 0.5389, IoU.arcade machine: 0.8596, IoU.hovel: 0.5550, IoU.bus: 0.8896, IoU.towel: 0.7209, IoU.light: 0.6044, IoU.truck: 0.4580, IoU.tower: 0.3507, IoU.chandelier: 0.7307, IoU.awning: 0.4007, IoU.streetlight: 0.3569, IoU.booth: 0.3424, IoU.television receiver: 0.7773, IoU.airplane: 0.6836, IoU.dirt track: 0.1018, IoU.apparel: 0.5324, IoU.pole: 0.2945, IoU.land: 0.0448, IoU.bannister: 0.1911, IoU.escalator: 0.5637, IoU.ottoman: 0.5268, IoU.bottle: 0.4251, IoU.buffet: 0.4549, IoU.poster: 0.2813, IoU.stage: 0.2100, IoU.van: 0.4218, IoU.ship: 0.5348, IoU.fountain: 0.3497, IoU.conveyer belt: 0.8158, IoU.canopy: 0.4234, IoU.washer: 0.8548, IoU.plaything: 0.3845, IoU.swimming pool: 0.6066, IoU.stool: 0.4920, IoU.barrel: 0.7927, IoU.basket: 0.4042, IoU.waterfall: 0.5566, IoU.tent: 0.9589, IoU.bag: 0.2313, IoU.minibike: 0.7332, IoU.cradle: 0.8391, IoU.oven: 0.5264, IoU.ball: 0.3709, IoU.food: 0.6088, IoU.step: 0.1239, IoU.tank: 0.6261, IoU.trade name: 0.3301, IoU.microwave: 0.8447, IoU.pot: 0.5137, IoU.animal: 0.5950, IoU.bicycle: 0.6088, IoU.lake: 0.5365, IoU.dishwasher: 0.7536, IoU.screen: 0.5859, IoU.blanket: 0.2595, IoU.sculpture: 0.7599, IoU.hood: 0.6141, IoU.sconce: 0.5090, IoU.vase: 0.4680, IoU.traffic light: 0.3985, IoU.tray: 0.1064, IoU.ashcan: 0.4632, IoU.fan: 0.6520, IoU.pier: 0.3394, IoU.crt screen: 0.0604, IoU.plate: 0.5946, IoU.monitor: 0.0426, IoU.bulletin board: 0.5370, IoU.shower: 0.0302, IoU.radiator: 0.6647, IoU.glass: 0.1896, IoU.clock: 0.4666, IoU.flag: 0.6311, Acc.wall: 0.8885, Acc.building: 0.9223, Acc.sky: 0.9787, Acc.floor: 0.9089, Acc.tree: 0.8796, Acc.ceiling: 0.9260, Acc.road: 0.9117, Acc.bed : 0.9736, Acc.windowpane: 0.8371, Acc.grass: 0.8196, Acc.cabinet: 0.7462, Acc.sidewalk: 0.8274, Acc.person: 0.9372, Acc.earth: 0.4951, Acc.door: 0.6943, Acc.table: 0.7970, Acc.mountain: 0.7875, Acc.plant: 0.6777, Acc.curtain: 0.8960, Acc.chair: 0.7472, Acc.car: 0.9423, Acc.water: 0.7551, Acc.painting: 0.9048, Acc.sofa: 0.9081, Acc.shelf: 0.6703, Acc.house: 0.7103, Acc.sea: 0.8999, Acc.mirror: 0.8290, Acc.rug: 0.8152, Acc.field: 0.5308, Acc.armchair: 0.6105, Acc.seat: 0.8404, Acc.fence: 0.7371, Acc.desk: 0.7299, Acc.rock: 0.7588, Acc.wardrobe: 0.7075, Acc.lamp: 0.8086, Acc.bathtub: 0.8570, Acc.railing: 0.5713, Acc.cushion: 0.7721, Acc.base: 0.5795, Acc.box: 0.4591, Acc.column: 0.6945, Acc.signboard: 0.5253, Acc.chest of drawers: 0.6162, Acc.counter: 0.5763, Acc.sand: 0.7141, Acc.sink: 0.8831, Acc.skyscraper: 0.6552, Acc.fireplace: 0.8989, Acc.refrigerator: 0.8832, Acc.grandstand: 0.7710, Acc.path: 0.3720, Acc.stairs: 0.3799, Acc.runway: 0.9453, Acc.case: 0.7660, Acc.pool table: 0.9804, Acc.pillow: 0.7567, Acc.screen door: 0.9143, Acc.stairway: 0.5028, Acc.river: 0.2902, Acc.bridge: 0.6505, Acc.bookcase: 0.6780, Acc.blind: 0.4788, Acc.coffee table: 0.8650, Acc.toilet: 0.9507, Acc.flower: 0.6145, Acc.book: 0.7482, Acc.hill: 0.1316, Acc.bench: 0.7568, Acc.countertop: 0.7809, Acc.stove: 0.8836, Acc.palm: 0.7583, Acc.kitchen island: 0.7638, Acc.computer: 0.9137, Acc.swivel chair: 0.8708, Acc.boat: 0.8483, Acc.bar: 0.6346, Acc.arcade machine: 0.9147, Acc.hovel: 0.7761, Acc.bus: 0.9729, Acc.towel: 0.8183, Acc.light: 0.7097, Acc.truck: 0.5558, Acc.tower: 0.5792, Acc.chandelier: 0.8781, Acc.awning: 0.4638, Acc.streetlight: 0.5124, Acc.booth: 0.4401, Acc.television receiver: 0.8816, Acc.airplane: 0.7472, Acc.dirt track: 0.2128, Acc.apparel: 0.7054, Acc.pole: 0.3938, Acc.land: 0.0742, Acc.bannister: 0.2486, Acc.escalator: 0.8338, Acc.ottoman: 0.7160, Acc.bottle: 0.7229, Acc.buffet: 0.5247, Acc.poster: 0.4248, Acc.stage: 0.3478, Acc.van: 0.6150, Acc.ship: 0.6088, Acc.fountain: 0.3576, Acc.conveyer belt: 0.9303, Acc.canopy: 0.6134, Acc.washer: 0.8943, Acc.plaything: 0.5988, Acc.swimming pool: 0.6542, Acc.stool: 0.6412, Acc.barrel: 0.9374, Acc.basket: 0.5470, Acc.waterfall: 0.6358, Acc.tent: 0.9874, Acc.bag: 0.2812, Acc.minibike: 0.8858, Acc.cradle: 0.9825, Acc.oven: 0.6972, Acc.ball: 0.3929, Acc.food: 0.7507, Acc.step: 0.1538, Acc.tank: 0.6711, Acc.trade name: 0.4048, Acc.microwave: 0.9378, Acc.pot: 0.6029, Acc.animal: 0.6169, Acc.bicycle: 0.8108, Acc.lake: 0.6375, Acc.dishwasher: 0.8415, Acc.screen: 0.8638, Acc.blanket: 0.3139, Acc.sculpture: 0.8725, Acc.hood: 0.7361, Acc.sconce: 0.6149, Acc.vase: 0.6144, Acc.traffic light: 0.6668, Acc.tray: 0.1461, Acc.ashcan: 0.6677, Acc.fan: 0.8045, Acc.pier: 0.4525, Acc.crt screen: 0.1604, Acc.plate: 0.7986, Acc.monitor: 0.0452, Acc.bulletin board: 0.7333, Acc.shower: 0.0304, Acc.radiator: 0.7492, Acc.glass: 0.2019, Acc.clock: 0.5336, Acc.flag: 0.7176 2023-11-14 03:59:44,010 - mmseg - INFO - Iter [96050/160000] lr: 7.614e-07, eta: 7:20:11, time: 0.897, data_time: 0.502, memory: 16105, decode.loss_ce: 0.2195, decode.acc_seg: 90.7377, aux.loss_ce: 0.1577, aux.acc_seg: 85.0547, loss: 0.3772, grad_norm: 3.3609 2023-11-14 04:00:04,116 - mmseg - INFO - Iter [96100/160000] lr: 7.608e-07, eta: 7:19:50, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2266, decode.acc_seg: 90.9133, aux.loss_ce: 0.1648, aux.acc_seg: 84.9573, loss: 0.3913, grad_norm: 3.9577 2023-11-14 04:00:24,071 - mmseg - INFO - Iter [96150/160000] lr: 7.602e-07, eta: 7:19:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2104, decode.acc_seg: 91.2303, aux.loss_ce: 0.1526, aux.acc_seg: 85.6892, loss: 0.3630, grad_norm: 3.6072 2023-11-14 04:00:44,055 - mmseg - INFO - Iter [96200/160000] lr: 7.596e-07, eta: 7:19:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2204, decode.acc_seg: 90.7388, aux.loss_ce: 0.1584, aux.acc_seg: 84.5268, loss: 0.3788, grad_norm: 4.3811 2023-11-14 04:01:04,005 - mmseg - INFO - Iter [96250/160000] lr: 7.590e-07, eta: 7:18:47, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2033, decode.acc_seg: 91.3207, aux.loss_ce: 0.1595, aux.acc_seg: 84.7337, loss: 0.3628, grad_norm: 3.9440 2023-11-14 04:01:23,907 - mmseg - INFO - Iter [96300/160000] lr: 7.584e-07, eta: 7:18:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2125, decode.acc_seg: 91.0590, aux.loss_ce: 0.1556, aux.acc_seg: 84.9635, loss: 0.3681, grad_norm: 3.4952 2023-11-14 04:01:44,191 - mmseg - INFO - Iter [96350/160000] lr: 7.578e-07, eta: 7:18:05, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2175, decode.acc_seg: 91.0770, aux.loss_ce: 0.1563, aux.acc_seg: 85.3119, loss: 0.3738, grad_norm: 3.8435 2023-11-14 04:02:04,548 - mmseg - INFO - Iter [96400/160000] lr: 7.572e-07, eta: 7:17:44, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2181, decode.acc_seg: 91.1404, aux.loss_ce: 0.1601, aux.acc_seg: 84.9588, loss: 0.3783, grad_norm: 3.3371 2023-11-14 04:02:24,709 - mmseg - INFO - Iter [96450/160000] lr: 7.566e-07, eta: 7:17:23, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2141, decode.acc_seg: 91.1734, aux.loss_ce: 0.1573, aux.acc_seg: 85.4179, loss: 0.3713, grad_norm: 3.5600 2023-11-14 04:02:44,700 - mmseg - INFO - Iter [96500/160000] lr: 7.560e-07, eta: 7:17:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2146, decode.acc_seg: 91.2701, aux.loss_ce: 0.1518, aux.acc_seg: 85.8044, loss: 0.3664, grad_norm: 3.9467 2023-11-14 04:03:04,575 - mmseg - INFO - Iter [96550/160000] lr: 7.555e-07, eta: 7:16:41, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2239, decode.acc_seg: 90.4483, aux.loss_ce: 0.1634, aux.acc_seg: 84.0899, loss: 0.3872, grad_norm: 4.9065 2023-11-14 04:03:24,557 - mmseg - INFO - Iter [96600/160000] lr: 7.549e-07, eta: 7:16:19, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 90.6570, aux.loss_ce: 0.1585, aux.acc_seg: 84.8035, loss: 0.3816, grad_norm: 3.9006 2023-11-14 04:03:44,448 - mmseg - INFO - Iter [96650/160000] lr: 7.543e-07, eta: 7:15:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2179, decode.acc_seg: 90.8495, aux.loss_ce: 0.1657, aux.acc_seg: 84.3354, loss: 0.3837, grad_norm: 3.9598 2023-11-14 04:04:04,435 - mmseg - INFO - Iter [96700/160000] lr: 7.537e-07, eta: 7:15:37, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2370, decode.acc_seg: 90.4954, aux.loss_ce: 0.1635, aux.acc_seg: 84.8125, loss: 0.4005, grad_norm: 4.1893 2023-11-14 04:04:24,355 - mmseg - INFO - Iter [96750/160000] lr: 7.531e-07, eta: 7:15:16, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2099, decode.acc_seg: 91.2837, aux.loss_ce: 0.1514, aux.acc_seg: 85.5573, loss: 0.3613, grad_norm: 3.6879 2023-11-14 04:04:44,283 - mmseg - INFO - Iter [96800/160000] lr: 7.525e-07, eta: 7:14:55, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2186, decode.acc_seg: 90.7561, aux.loss_ce: 0.1537, aux.acc_seg: 85.2878, loss: 0.3723, grad_norm: 3.6437 2023-11-14 04:05:04,424 - mmseg - INFO - Iter [96850/160000] lr: 7.519e-07, eta: 7:14:34, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2086, decode.acc_seg: 91.3246, aux.loss_ce: 0.1536, aux.acc_seg: 85.1911, loss: 0.3623, grad_norm: 3.7190 2023-11-14 04:05:24,710 - mmseg - INFO - Iter [96900/160000] lr: 7.513e-07, eta: 7:14:13, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2339, decode.acc_seg: 90.7238, aux.loss_ce: 0.1638, aux.acc_seg: 84.7151, loss: 0.3977, grad_norm: 4.1716 2023-11-14 04:05:44,663 - mmseg - INFO - Iter [96950/160000] lr: 7.507e-07, eta: 7:13:52, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.3578, aux.loss_ce: 0.1495, aux.acc_seg: 85.4213, loss: 0.3513, grad_norm: 3.0202 2023-11-14 04:06:04,507 - mmseg - INFO - Saving checkpoint at 97000 iterations 2023-11-14 04:06:12,578 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:06:12,578 - mmseg - INFO - Iter [97000/160000] lr: 7.501e-07, eta: 7:13:36, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2023, decode.acc_seg: 91.5466, aux.loss_ce: 0.1458, aux.acc_seg: 85.9781, loss: 0.3481, grad_norm: 2.8776 2023-11-14 04:06:32,648 - mmseg - INFO - Iter [97050/160000] lr: 7.495e-07, eta: 7:13:15, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2158, decode.acc_seg: 90.9965, aux.loss_ce: 0.1570, aux.acc_seg: 84.7193, loss: 0.3728, grad_norm: 3.4230 2023-11-14 04:06:52,746 - mmseg - INFO - Iter [97100/160000] lr: 7.489e-07, eta: 7:12:54, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2283, decode.acc_seg: 90.4887, aux.loss_ce: 0.1561, aux.acc_seg: 85.1395, loss: 0.3844, grad_norm: 3.8112 2023-11-14 04:07:12,861 - mmseg - INFO - Iter [97150/160000] lr: 7.483e-07, eta: 7:12:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2059, decode.acc_seg: 91.3364, aux.loss_ce: 0.1598, aux.acc_seg: 84.4721, loss: 0.3657, grad_norm: 3.5759 2023-11-14 04:07:32,778 - mmseg - INFO - Iter [97200/160000] lr: 7.477e-07, eta: 7:12:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2333, decode.acc_seg: 90.4584, aux.loss_ce: 0.1637, aux.acc_seg: 84.5326, loss: 0.3970, grad_norm: 4.1090 2023-11-14 04:07:52,839 - mmseg - INFO - Iter [97250/160000] lr: 7.471e-07, eta: 7:11:51, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2115, decode.acc_seg: 91.1301, aux.loss_ce: 0.1552, aux.acc_seg: 85.2349, loss: 0.3667, grad_norm: 4.5029 2023-11-14 04:08:15,313 - mmseg - INFO - Iter [97300/160000] lr: 7.465e-07, eta: 7:11:32, time: 0.449, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2088, decode.acc_seg: 91.2860, aux.loss_ce: 0.1529, aux.acc_seg: 85.1759, loss: 0.3617, grad_norm: 3.7438 2023-11-14 04:08:35,592 - mmseg - INFO - Iter [97350/160000] lr: 7.459e-07, eta: 7:11:11, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2102, decode.acc_seg: 91.2586, aux.loss_ce: 0.1528, aux.acc_seg: 85.6289, loss: 0.3630, grad_norm: 3.4429 2023-11-14 04:08:55,591 - mmseg - INFO - Iter [97400/160000] lr: 7.453e-07, eta: 7:10:50, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2053, decode.acc_seg: 91.5324, aux.loss_ce: 0.1548, aux.acc_seg: 85.4278, loss: 0.3601, grad_norm: 3.7279 2023-11-14 04:09:15,560 - mmseg - INFO - Iter [97450/160000] lr: 7.447e-07, eta: 7:10:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2210, decode.acc_seg: 90.7849, aux.loss_ce: 0.1588, aux.acc_seg: 84.6342, loss: 0.3797, grad_norm: 3.8842 2023-11-14 04:09:35,512 - mmseg - INFO - Iter [97500/160000] lr: 7.441e-07, eta: 7:10:07, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2173, decode.acc_seg: 91.0386, aux.loss_ce: 0.1595, aux.acc_seg: 84.8266, loss: 0.3768, grad_norm: 3.6492 2023-11-14 04:09:55,628 - mmseg - INFO - Iter [97550/160000] lr: 7.435e-07, eta: 7:09:46, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2091, decode.acc_seg: 91.2434, aux.loss_ce: 0.1524, aux.acc_seg: 85.3805, loss: 0.3615, grad_norm: 4.7917 2023-11-14 04:10:15,575 - mmseg - INFO - Iter [97600/160000] lr: 7.430e-07, eta: 7:09:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2133, decode.acc_seg: 90.8650, aux.loss_ce: 0.1575, aux.acc_seg: 84.9679, loss: 0.3708, grad_norm: 4.0036 2023-11-14 04:10:35,601 - mmseg - INFO - Iter [97650/160000] lr: 7.424e-07, eta: 7:09:04, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2089, decode.acc_seg: 91.4782, aux.loss_ce: 0.1597, aux.acc_seg: 85.3188, loss: 0.3686, grad_norm: 3.6339 2023-11-14 04:10:55,478 - mmseg - INFO - Iter [97700/160000] lr: 7.418e-07, eta: 7:08:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2189, decode.acc_seg: 90.9471, aux.loss_ce: 0.1588, aux.acc_seg: 84.9572, loss: 0.3777, grad_norm: 3.5449 2023-11-14 04:11:15,650 - mmseg - INFO - Iter [97750/160000] lr: 7.412e-07, eta: 7:08:22, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2076, decode.acc_seg: 91.3955, aux.loss_ce: 0.1511, aux.acc_seg: 85.5606, loss: 0.3587, grad_norm: 3.6672 2023-11-14 04:11:36,064 - mmseg - INFO - Iter [97800/160000] lr: 7.406e-07, eta: 7:08:01, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2107, decode.acc_seg: 91.1340, aux.loss_ce: 0.1572, aux.acc_seg: 84.7727, loss: 0.3679, grad_norm: 3.3486 2023-11-14 04:11:56,155 - mmseg - INFO - Iter [97850/160000] lr: 7.400e-07, eta: 7:07:40, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2187, decode.acc_seg: 91.0916, aux.loss_ce: 0.1573, aux.acc_seg: 85.4834, loss: 0.3760, grad_norm: 4.2103 2023-11-14 04:12:16,076 - mmseg - INFO - Iter [97900/160000] lr: 7.394e-07, eta: 7:07:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2071, decode.acc_seg: 91.3306, aux.loss_ce: 0.1490, aux.acc_seg: 85.7202, loss: 0.3562, grad_norm: 3.8267 2023-11-14 04:12:35,991 - mmseg - INFO - Iter [97950/160000] lr: 7.388e-07, eta: 7:06:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2122, decode.acc_seg: 90.7741, aux.loss_ce: 0.1522, aux.acc_seg: 84.9702, loss: 0.3644, grad_norm: 3.6221 2023-11-14 04:12:55,937 - mmseg - INFO - Saving checkpoint at 98000 iterations 2023-11-14 04:13:04,053 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:13:04,053 - mmseg - INFO - Iter [98000/160000] lr: 7.382e-07, eta: 7:06:42, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2169, decode.acc_seg: 90.9518, aux.loss_ce: 0.1571, aux.acc_seg: 84.9589, loss: 0.3740, grad_norm: 3.7006 2023-11-14 04:13:24,063 - mmseg - INFO - Iter [98050/160000] lr: 7.376e-07, eta: 7:06:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2067, decode.acc_seg: 91.4063, aux.loss_ce: 0.1514, aux.acc_seg: 85.3444, loss: 0.3581, grad_norm: 3.5560 2023-11-14 04:13:44,008 - mmseg - INFO - Iter [98100/160000] lr: 7.370e-07, eta: 7:06:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2125, decode.acc_seg: 91.0121, aux.loss_ce: 0.1574, aux.acc_seg: 84.4963, loss: 0.3699, grad_norm: 4.1673 2023-11-14 04:14:03,965 - mmseg - INFO - Iter [98150/160000] lr: 7.364e-07, eta: 7:05:39, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2303, decode.acc_seg: 90.5268, aux.loss_ce: 0.1677, aux.acc_seg: 84.3729, loss: 0.3979, grad_norm: 4.4148 2023-11-14 04:14:24,173 - mmseg - INFO - Iter [98200/160000] lr: 7.358e-07, eta: 7:05:18, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2255, decode.acc_seg: 90.6380, aux.loss_ce: 0.1580, aux.acc_seg: 85.0804, loss: 0.3835, grad_norm: 4.1837 2023-11-14 04:14:44,524 - mmseg - INFO - Iter [98250/160000] lr: 7.352e-07, eta: 7:04:57, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2343, decode.acc_seg: 90.2886, aux.loss_ce: 0.1662, aux.acc_seg: 84.3030, loss: 0.4005, grad_norm: 4.3285 2023-11-14 04:15:04,579 - mmseg - INFO - Iter [98300/160000] lr: 7.346e-07, eta: 7:04:36, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2147, decode.acc_seg: 90.9722, aux.loss_ce: 0.1600, aux.acc_seg: 84.9984, loss: 0.3747, grad_norm: 3.3786 2023-11-14 04:15:24,527 - mmseg - INFO - Iter [98350/160000] lr: 7.340e-07, eta: 7:04:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2185, decode.acc_seg: 90.8028, aux.loss_ce: 0.1532, aux.acc_seg: 85.3030, loss: 0.3717, grad_norm: 3.9913 2023-11-14 04:15:44,485 - mmseg - INFO - Iter [98400/160000] lr: 7.334e-07, eta: 7:03:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2209, decode.acc_seg: 91.0044, aux.loss_ce: 0.1545, aux.acc_seg: 85.2043, loss: 0.3754, grad_norm: 4.1700 2023-11-14 04:16:04,432 - mmseg - INFO - Iter [98450/160000] lr: 7.328e-07, eta: 7:03:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2204, decode.acc_seg: 91.0370, aux.loss_ce: 0.1606, aux.acc_seg: 85.1545, loss: 0.3809, grad_norm: 3.6544 2023-11-14 04:16:24,305 - mmseg - INFO - Iter [98500/160000] lr: 7.322e-07, eta: 7:03:12, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2213, decode.acc_seg: 90.5896, aux.loss_ce: 0.1538, aux.acc_seg: 85.3457, loss: 0.3751, grad_norm: 3.9074 2023-11-14 04:16:46,598 - mmseg - INFO - Iter [98550/160000] lr: 7.316e-07, eta: 7:02:52, time: 0.446, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2089, decode.acc_seg: 91.2117, aux.loss_ce: 0.1570, aux.acc_seg: 84.8637, loss: 0.3660, grad_norm: 5.0222 2023-11-14 04:17:06,524 - mmseg - INFO - Iter [98600/160000] lr: 7.310e-07, eta: 7:02:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2149, decode.acc_seg: 91.0282, aux.loss_ce: 0.1605, aux.acc_seg: 84.9260, loss: 0.3754, grad_norm: 3.9203 2023-11-14 04:17:26,618 - mmseg - INFO - Iter [98650/160000] lr: 7.304e-07, eta: 7:02:10, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2128, decode.acc_seg: 91.1194, aux.loss_ce: 0.1516, aux.acc_seg: 85.4262, loss: 0.3644, grad_norm: 3.4721 2023-11-14 04:17:46,741 - mmseg - INFO - Iter [98700/160000] lr: 7.299e-07, eta: 7:01:49, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2008, decode.acc_seg: 91.4690, aux.loss_ce: 0.1529, aux.acc_seg: 85.4071, loss: 0.3537, grad_norm: 4.0356 2023-11-14 04:18:07,006 - mmseg - INFO - Iter [98750/160000] lr: 7.293e-07, eta: 7:01:28, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2092, decode.acc_seg: 91.2382, aux.loss_ce: 0.1531, aux.acc_seg: 85.4821, loss: 0.3623, grad_norm: 3.3589 2023-11-14 04:18:27,029 - mmseg - INFO - Iter [98800/160000] lr: 7.287e-07, eta: 7:01:07, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2128, decode.acc_seg: 91.1709, aux.loss_ce: 0.1482, aux.acc_seg: 85.8328, loss: 0.3609, grad_norm: 3.5792 2023-11-14 04:18:46,931 - mmseg - INFO - Iter [98850/160000] lr: 7.281e-07, eta: 7:00:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2029, decode.acc_seg: 91.4309, aux.loss_ce: 0.1440, aux.acc_seg: 86.3673, loss: 0.3469, grad_norm: 3.5615 2023-11-14 04:19:06,933 - mmseg - INFO - Iter [98900/160000] lr: 7.275e-07, eta: 7:00:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2178, decode.acc_seg: 90.9013, aux.loss_ce: 0.1650, aux.acc_seg: 84.0767, loss: 0.3828, grad_norm: 4.3904 2023-11-14 04:19:26,876 - mmseg - INFO - Iter [98950/160000] lr: 7.269e-07, eta: 7:00:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2265, decode.acc_seg: 90.6629, aux.loss_ce: 0.1664, aux.acc_seg: 84.2283, loss: 0.3929, grad_norm: 3.9686 2023-11-14 04:19:46,745 - mmseg - INFO - Saving checkpoint at 99000 iterations 2023-11-14 04:19:54,486 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:19:54,486 - mmseg - INFO - Iter [99000/160000] lr: 7.263e-07, eta: 6:59:48, time: 0.552, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2181, decode.acc_seg: 90.9279, aux.loss_ce: 0.1563, aux.acc_seg: 85.3242, loss: 0.3744, grad_norm: 4.6009 2023-11-14 04:20:14,585 - mmseg - INFO - Iter [99050/160000] lr: 7.257e-07, eta: 6:59:27, time: 0.402, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 90.8686, aux.loss_ce: 0.1548, aux.acc_seg: 85.2659, loss: 0.3778, grad_norm: 3.7002 2023-11-14 04:20:34,548 - mmseg - INFO - Iter [99100/160000] lr: 7.251e-07, eta: 6:59:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2234, decode.acc_seg: 91.0464, aux.loss_ce: 0.1567, aux.acc_seg: 85.6749, loss: 0.3801, grad_norm: 3.8509 2023-11-14 04:20:54,675 - mmseg - INFO - Iter [99150/160000] lr: 7.245e-07, eta: 6:58:45, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2035, decode.acc_seg: 91.3952, aux.loss_ce: 0.1452, aux.acc_seg: 86.1058, loss: 0.3487, grad_norm: 3.7809 2023-11-14 04:21:14,930 - mmseg - INFO - Iter [99200/160000] lr: 7.239e-07, eta: 6:58:24, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2145, decode.acc_seg: 90.8945, aux.loss_ce: 0.1569, aux.acc_seg: 84.9453, loss: 0.3714, grad_norm: 3.5051 2023-11-14 04:21:34,884 - mmseg - INFO - Iter [99250/160000] lr: 7.233e-07, eta: 6:58:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2082, decode.acc_seg: 91.3628, aux.loss_ce: 0.1563, aux.acc_seg: 85.3353, loss: 0.3645, grad_norm: 3.9042 2023-11-14 04:21:54,800 - mmseg - INFO - Iter [99300/160000] lr: 7.227e-07, eta: 6:57:42, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2175, decode.acc_seg: 90.9296, aux.loss_ce: 0.1568, aux.acc_seg: 85.3988, loss: 0.3743, grad_norm: 4.0173 2023-11-14 04:22:14,720 - mmseg - INFO - Iter [99350/160000] lr: 7.221e-07, eta: 6:57:21, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 90.7460, aux.loss_ce: 0.1700, aux.acc_seg: 84.3402, loss: 0.3931, grad_norm: 4.5099 2023-11-14 04:22:34,625 - mmseg - INFO - Iter [99400/160000] lr: 7.215e-07, eta: 6:57:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2169, decode.acc_seg: 91.0505, aux.loss_ce: 0.1594, aux.acc_seg: 85.0373, loss: 0.3764, grad_norm: 4.0360 2023-11-14 04:22:54,556 - mmseg - INFO - Iter [99450/160000] lr: 7.209e-07, eta: 6:56:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2195, decode.acc_seg: 90.7757, aux.loss_ce: 0.1543, aux.acc_seg: 84.9885, loss: 0.3738, grad_norm: 4.2391 2023-11-14 04:23:14,443 - mmseg - INFO - Iter [99500/160000] lr: 7.203e-07, eta: 6:56:17, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2106, decode.acc_seg: 91.1220, aux.loss_ce: 0.1582, aux.acc_seg: 84.8587, loss: 0.3688, grad_norm: 3.9307 2023-11-14 04:23:34,489 - mmseg - INFO - Iter [99550/160000] lr: 7.197e-07, eta: 6:55:56, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2134, decode.acc_seg: 91.0393, aux.loss_ce: 0.1601, aux.acc_seg: 84.7733, loss: 0.3735, grad_norm: 3.8472 2023-11-14 04:23:54,447 - mmseg - INFO - Iter [99600/160000] lr: 7.191e-07, eta: 6:55:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2243, decode.acc_seg: 90.7481, aux.loss_ce: 0.1580, aux.acc_seg: 85.2764, loss: 0.3823, grad_norm: 4.5201 2023-11-14 04:24:14,811 - mmseg - INFO - Iter [99650/160000] lr: 7.185e-07, eta: 6:55:14, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2284, decode.acc_seg: 90.7035, aux.loss_ce: 0.1723, aux.acc_seg: 83.8738, loss: 0.4007, grad_norm: 3.6725 2023-11-14 04:24:34,840 - mmseg - INFO - Iter [99700/160000] lr: 7.179e-07, eta: 6:54:53, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2201, decode.acc_seg: 90.9179, aux.loss_ce: 0.1616, aux.acc_seg: 84.7541, loss: 0.3817, grad_norm: 3.9120 2023-11-14 04:24:54,710 - mmseg - INFO - Iter [99750/160000] lr: 7.174e-07, eta: 6:54:32, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2127, decode.acc_seg: 91.2069, aux.loss_ce: 0.1514, aux.acc_seg: 85.5753, loss: 0.3641, grad_norm: 4.2641 2023-11-14 04:25:16,935 - mmseg - INFO - Iter [99800/160000] lr: 7.168e-07, eta: 6:54:13, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2026, decode.acc_seg: 91.5918, aux.loss_ce: 0.1430, aux.acc_seg: 86.4879, loss: 0.3456, grad_norm: 3.1930 2023-11-14 04:25:36,819 - mmseg - INFO - Iter [99850/160000] lr: 7.162e-07, eta: 6:53:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2086, decode.acc_seg: 91.3843, aux.loss_ce: 0.1605, aux.acc_seg: 84.8929, loss: 0.3690, grad_norm: 3.7148 2023-11-14 04:25:56,830 - mmseg - INFO - Iter [99900/160000] lr: 7.156e-07, eta: 6:53:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2155, decode.acc_seg: 90.9331, aux.loss_ce: 0.1563, aux.acc_seg: 84.9327, loss: 0.3718, grad_norm: 3.8723 2023-11-14 04:26:16,832 - mmseg - INFO - Iter [99950/160000] lr: 7.150e-07, eta: 6:53:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2057, decode.acc_seg: 91.5313, aux.loss_ce: 0.1529, aux.acc_seg: 85.8684, loss: 0.3585, grad_norm: 4.0764 2023-11-14 04:26:36,711 - mmseg - INFO - Saving checkpoint at 100000 iterations 2023-11-14 04:26:45,226 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:26:45,227 - mmseg - INFO - Iter [100000/160000] lr: 7.144e-07, eta: 6:52:54, time: 0.568, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1934, decode.acc_seg: 91.8488, aux.loss_ce: 0.1420, aux.acc_seg: 86.2498, loss: 0.3354, grad_norm: 3.0570 2023-11-14 04:27:05,321 - mmseg - INFO - Iter [100050/160000] lr: 7.138e-07, eta: 6:52:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2108, decode.acc_seg: 91.0713, aux.loss_ce: 0.1562, aux.acc_seg: 84.8083, loss: 0.3669, grad_norm: 3.6070 2023-11-14 04:27:25,577 - mmseg - INFO - Iter [100100/160000] lr: 7.132e-07, eta: 6:52:12, time: 0.405, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2263, decode.acc_seg: 90.6585, aux.loss_ce: 0.1564, aux.acc_seg: 85.2641, loss: 0.3827, grad_norm: 3.8622 2023-11-14 04:27:45,687 - mmseg - INFO - Iter [100150/160000] lr: 7.126e-07, eta: 6:51:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2157, decode.acc_seg: 90.9769, aux.loss_ce: 0.1605, aux.acc_seg: 84.7048, loss: 0.3762, grad_norm: 3.6084 2023-11-14 04:28:05,601 - mmseg - INFO - Iter [100200/160000] lr: 7.120e-07, eta: 6:51:30, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2087, decode.acc_seg: 91.3506, aux.loss_ce: 0.1548, aux.acc_seg: 85.2183, loss: 0.3635, grad_norm: 3.1414 2023-11-14 04:28:25,520 - mmseg - INFO - Iter [100250/160000] lr: 7.114e-07, eta: 6:51:09, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2151, decode.acc_seg: 91.0332, aux.loss_ce: 0.1570, aux.acc_seg: 85.4334, loss: 0.3721, grad_norm: 4.1288 2023-11-14 04:28:45,534 - mmseg - INFO - Iter [100300/160000] lr: 7.108e-07, eta: 6:50:48, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2117, decode.acc_seg: 91.0259, aux.loss_ce: 0.1559, aux.acc_seg: 84.9342, loss: 0.3675, grad_norm: 3.4637 2023-11-14 04:29:05,434 - mmseg - INFO - Iter [100350/160000] lr: 7.102e-07, eta: 6:50:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2077, decode.acc_seg: 91.2786, aux.loss_ce: 0.1515, aux.acc_seg: 85.6923, loss: 0.3592, grad_norm: 3.7038 2023-11-14 04:29:25,344 - mmseg - INFO - Iter [100400/160000] lr: 7.096e-07, eta: 6:50:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1987, decode.acc_seg: 91.5332, aux.loss_ce: 0.1509, aux.acc_seg: 85.3446, loss: 0.3496, grad_norm: 3.7193 2023-11-14 04:29:45,354 - mmseg - INFO - Iter [100450/160000] lr: 7.090e-07, eta: 6:49:44, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2178, decode.acc_seg: 91.0372, aux.loss_ce: 0.1636, aux.acc_seg: 84.7597, loss: 0.3814, grad_norm: 4.4608 2023-11-14 04:30:05,459 - mmseg - INFO - Iter [100500/160000] lr: 7.084e-07, eta: 6:49:23, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2102, decode.acc_seg: 91.2799, aux.loss_ce: 0.1600, aux.acc_seg: 84.5389, loss: 0.3701, grad_norm: 4.1520 2023-11-14 04:30:25,808 - mmseg - INFO - Iter [100550/160000] lr: 7.078e-07, eta: 6:49:03, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2123, decode.acc_seg: 91.2726, aux.loss_ce: 0.1567, aux.acc_seg: 85.1069, loss: 0.3691, grad_norm: 3.2169 2023-11-14 04:30:45,891 - mmseg - INFO - Iter [100600/160000] lr: 7.072e-07, eta: 6:48:42, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2086, decode.acc_seg: 91.1511, aux.loss_ce: 0.1483, aux.acc_seg: 85.7326, loss: 0.3568, grad_norm: 3.4853 2023-11-14 04:31:05,996 - mmseg - INFO - Iter [100650/160000] lr: 7.066e-07, eta: 6:48:21, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2226, decode.acc_seg: 90.7027, aux.loss_ce: 0.1555, aux.acc_seg: 84.7857, loss: 0.3781, grad_norm: 3.4523 2023-11-14 04:31:25,934 - mmseg - INFO - Iter [100700/160000] lr: 7.060e-07, eta: 6:48:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2200, decode.acc_seg: 91.0869, aux.loss_ce: 0.1631, aux.acc_seg: 84.8391, loss: 0.3831, grad_norm: 3.9022 2023-11-14 04:31:45,823 - mmseg - INFO - Iter [100750/160000] lr: 7.054e-07, eta: 6:47:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2254, decode.acc_seg: 90.7844, aux.loss_ce: 0.1642, aux.acc_seg: 84.7404, loss: 0.3896, grad_norm: 3.5053 2023-11-14 04:32:05,698 - mmseg - INFO - Iter [100800/160000] lr: 7.049e-07, eta: 6:47:17, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2064, decode.acc_seg: 91.3517, aux.loss_ce: 0.1513, aux.acc_seg: 85.7342, loss: 0.3578, grad_norm: 3.4805 2023-11-14 04:32:25,686 - mmseg - INFO - Iter [100850/160000] lr: 7.043e-07, eta: 6:46:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1998, decode.acc_seg: 91.5217, aux.loss_ce: 0.1509, aux.acc_seg: 85.3891, loss: 0.3507, grad_norm: 3.5349 2023-11-14 04:32:45,667 - mmseg - INFO - Iter [100900/160000] lr: 7.037e-07, eta: 6:46:35, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2221, decode.acc_seg: 90.6401, aux.loss_ce: 0.1556, aux.acc_seg: 84.7120, loss: 0.3777, grad_norm: 4.7017 2023-11-14 04:33:05,788 - mmseg - INFO - Iter [100950/160000] lr: 7.031e-07, eta: 6:46:14, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2382, decode.acc_seg: 90.4259, aux.loss_ce: 0.1666, aux.acc_seg: 84.5258, loss: 0.4047, grad_norm: 3.9387 2023-11-14 04:33:25,991 - mmseg - INFO - Saving checkpoint at 101000 iterations 2023-11-14 04:33:34,135 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:33:34,136 - mmseg - INFO - Iter [101000/160000] lr: 7.025e-07, eta: 6:45:58, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2098, decode.acc_seg: 91.3451, aux.loss_ce: 0.1533, aux.acc_seg: 85.2605, loss: 0.3631, grad_norm: 4.4013 2023-11-14 04:33:56,672 - mmseg - INFO - Iter [101050/160000] lr: 7.019e-07, eta: 6:45:39, time: 0.451, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2107, decode.acc_seg: 91.1113, aux.loss_ce: 0.1521, aux.acc_seg: 85.2765, loss: 0.3628, grad_norm: 3.4848 2023-11-14 04:34:16,622 - mmseg - INFO - Iter [101100/160000] lr: 7.013e-07, eta: 6:45:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2000, decode.acc_seg: 91.6383, aux.loss_ce: 0.1518, aux.acc_seg: 85.4875, loss: 0.3518, grad_norm: 3.5146 2023-11-14 04:34:36,633 - mmseg - INFO - Iter [101150/160000] lr: 7.007e-07, eta: 6:44:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2215, decode.acc_seg: 90.9035, aux.loss_ce: 0.1569, aux.acc_seg: 85.1832, loss: 0.3784, grad_norm: 4.7353 2023-11-14 04:34:56,589 - mmseg - INFO - Iter [101200/160000] lr: 7.001e-07, eta: 6:44:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2009, decode.acc_seg: 91.3600, aux.loss_ce: 0.1477, aux.acc_seg: 85.4295, loss: 0.3486, grad_norm: 3.4718 2023-11-14 04:35:16,509 - mmseg - INFO - Iter [101250/160000] lr: 6.995e-07, eta: 6:44:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2296, decode.acc_seg: 90.7180, aux.loss_ce: 0.1613, aux.acc_seg: 84.9184, loss: 0.3909, grad_norm: 4.1402 2023-11-14 04:35:36,478 - mmseg - INFO - Iter [101300/160000] lr: 6.989e-07, eta: 6:43:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1956, decode.acc_seg: 91.7002, aux.loss_ce: 0.1491, aux.acc_seg: 85.4468, loss: 0.3447, grad_norm: 3.1471 2023-11-14 04:35:56,566 - mmseg - INFO - Iter [101350/160000] lr: 6.983e-07, eta: 6:43:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2249, decode.acc_seg: 90.9578, aux.loss_ce: 0.1557, aux.acc_seg: 85.0304, loss: 0.3806, grad_norm: 4.4212 2023-11-14 04:36:16,568 - mmseg - INFO - Iter [101400/160000] lr: 6.977e-07, eta: 6:43:12, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2201, decode.acc_seg: 91.0380, aux.loss_ce: 0.1579, aux.acc_seg: 85.1172, loss: 0.3781, grad_norm: 4.0342 2023-11-14 04:36:36,799 - mmseg - INFO - Iter [101450/160000] lr: 6.971e-07, eta: 6:42:51, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2250, decode.acc_seg: 91.1071, aux.loss_ce: 0.1588, aux.acc_seg: 85.0206, loss: 0.3839, grad_norm: 3.8919 2023-11-14 04:36:56,954 - mmseg - INFO - Iter [101500/160000] lr: 6.965e-07, eta: 6:42:30, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2115, decode.acc_seg: 91.1622, aux.loss_ce: 0.1514, aux.acc_seg: 85.8438, loss: 0.3628, grad_norm: 3.8120 2023-11-14 04:37:16,961 - mmseg - INFO - Iter [101550/160000] lr: 6.959e-07, eta: 6:42:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1987, decode.acc_seg: 91.5148, aux.loss_ce: 0.1457, aux.acc_seg: 85.5559, loss: 0.3444, grad_norm: 3.3932 2023-11-14 04:37:36,837 - mmseg - INFO - Iter [101600/160000] lr: 6.953e-07, eta: 6:41:48, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2118, decode.acc_seg: 91.2576, aux.loss_ce: 0.1565, aux.acc_seg: 85.2706, loss: 0.3683, grad_norm: 3.3962 2023-11-14 04:37:56,740 - mmseg - INFO - Iter [101650/160000] lr: 6.947e-07, eta: 6:41:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2059, decode.acc_seg: 91.4131, aux.loss_ce: 0.1525, aux.acc_seg: 85.5584, loss: 0.3585, grad_norm: 3.7285 2023-11-14 04:38:16,677 - mmseg - INFO - Iter [101700/160000] lr: 6.941e-07, eta: 6:41:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2139, decode.acc_seg: 90.9968, aux.loss_ce: 0.1544, aux.acc_seg: 85.3140, loss: 0.3683, grad_norm: 4.0202 2023-11-14 04:38:36,568 - mmseg - INFO - Iter [101750/160000] lr: 6.935e-07, eta: 6:40:45, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2131, decode.acc_seg: 91.1357, aux.loss_ce: 0.1508, aux.acc_seg: 85.6143, loss: 0.3639, grad_norm: 3.5337 2023-11-14 04:38:56,526 - mmseg - INFO - Iter [101800/160000] lr: 6.929e-07, eta: 6:40:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2218, decode.acc_seg: 90.9329, aux.loss_ce: 0.1609, aux.acc_seg: 84.6161, loss: 0.3827, grad_norm: 4.2032 2023-11-14 04:39:16,608 - mmseg - INFO - Iter [101850/160000] lr: 6.923e-07, eta: 6:40:03, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2175, decode.acc_seg: 91.1044, aux.loss_ce: 0.1586, aux.acc_seg: 84.8050, loss: 0.3761, grad_norm: 3.5676 2023-11-14 04:39:36,640 - mmseg - INFO - Iter [101900/160000] lr: 6.918e-07, eta: 6:39:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2107, decode.acc_seg: 91.4366, aux.loss_ce: 0.1412, aux.acc_seg: 86.1069, loss: 0.3519, grad_norm: 4.5575 2023-11-14 04:39:56,791 - mmseg - INFO - Iter [101950/160000] lr: 6.912e-07, eta: 6:39:21, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2187, decode.acc_seg: 91.1213, aux.loss_ce: 0.1641, aux.acc_seg: 84.4097, loss: 0.3828, grad_norm: 4.2451 2023-11-14 04:40:16,866 - mmseg - INFO - Saving checkpoint at 102000 iterations 2023-11-14 04:40:25,428 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:40:25,428 - mmseg - INFO - Iter [102000/160000] lr: 6.906e-07, eta: 6:39:05, time: 0.573, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2255, decode.acc_seg: 90.8487, aux.loss_ce: 0.1624, aux.acc_seg: 84.6672, loss: 0.3879, grad_norm: 4.2530 2023-11-14 04:40:45,422 - mmseg - INFO - Iter [102050/160000] lr: 6.900e-07, eta: 6:38:44, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2256, decode.acc_seg: 90.6562, aux.loss_ce: 0.1595, aux.acc_seg: 84.9115, loss: 0.3851, grad_norm: 4.2491 2023-11-14 04:41:05,341 - mmseg - INFO - Iter [102100/160000] lr: 6.894e-07, eta: 6:38:22, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2238, decode.acc_seg: 90.7970, aux.loss_ce: 0.1588, aux.acc_seg: 84.7657, loss: 0.3826, grad_norm: 3.3361 2023-11-14 04:41:25,471 - mmseg - INFO - Iter [102150/160000] lr: 6.888e-07, eta: 6:38:02, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.6898, aux.loss_ce: 0.1468, aux.acc_seg: 85.8297, loss: 0.3441, grad_norm: 3.1741 2023-11-14 04:41:45,520 - mmseg - INFO - Iter [102200/160000] lr: 6.882e-07, eta: 6:37:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1967, decode.acc_seg: 91.6066, aux.loss_ce: 0.1477, aux.acc_seg: 85.9952, loss: 0.3444, grad_norm: 3.2242 2023-11-14 04:42:05,587 - mmseg - INFO - Iter [102250/160000] lr: 6.876e-07, eta: 6:37:20, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2163, decode.acc_seg: 90.9673, aux.loss_ce: 0.1550, aux.acc_seg: 85.3038, loss: 0.3713, grad_norm: 4.2829 2023-11-14 04:42:25,538 - mmseg - INFO - Iter [102300/160000] lr: 6.870e-07, eta: 6:36:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2233, decode.acc_seg: 90.7547, aux.loss_ce: 0.1658, aux.acc_seg: 84.5014, loss: 0.3892, grad_norm: 4.2065 2023-11-14 04:42:47,968 - mmseg - INFO - Iter [102350/160000] lr: 6.864e-07, eta: 6:36:39, time: 0.448, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1956, decode.acc_seg: 91.8735, aux.loss_ce: 0.1454, aux.acc_seg: 86.2209, loss: 0.3411, grad_norm: 3.4823 2023-11-14 04:43:08,282 - mmseg - INFO - Iter [102400/160000] lr: 6.858e-07, eta: 6:36:18, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2070, decode.acc_seg: 91.3297, aux.loss_ce: 0.1557, aux.acc_seg: 85.3066, loss: 0.3626, grad_norm: 3.7804 2023-11-14 04:43:28,325 - mmseg - INFO - Iter [102450/160000] lr: 6.852e-07, eta: 6:35:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2051, decode.acc_seg: 91.5337, aux.loss_ce: 0.1491, aux.acc_seg: 85.6214, loss: 0.3542, grad_norm: 3.5359 2023-11-14 04:43:48,281 - mmseg - INFO - Iter [102500/160000] lr: 6.846e-07, eta: 6:35:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2084, decode.acc_seg: 91.4347, aux.loss_ce: 0.1501, aux.acc_seg: 85.9963, loss: 0.3585, grad_norm: 3.2193 2023-11-14 04:44:08,374 - mmseg - INFO - Iter [102550/160000] lr: 6.840e-07, eta: 6:35:15, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2150, decode.acc_seg: 91.0746, aux.loss_ce: 0.1591, aux.acc_seg: 84.7957, loss: 0.3741, grad_norm: 3.6636 2023-11-14 04:44:28,272 - mmseg - INFO - Iter [102600/160000] lr: 6.834e-07, eta: 6:34:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2086, decode.acc_seg: 91.3527, aux.loss_ce: 0.1528, aux.acc_seg: 85.5419, loss: 0.3614, grad_norm: 3.3816 2023-11-14 04:44:48,235 - mmseg - INFO - Iter [102650/160000] lr: 6.828e-07, eta: 6:34:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2028, decode.acc_seg: 91.5463, aux.loss_ce: 0.1520, aux.acc_seg: 85.2874, loss: 0.3548, grad_norm: 3.4485 2023-11-14 04:45:08,345 - mmseg - INFO - Iter [102700/160000] lr: 6.822e-07, eta: 6:34:12, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2094, decode.acc_seg: 91.2605, aux.loss_ce: 0.1549, aux.acc_seg: 85.3028, loss: 0.3643, grad_norm: 3.8269 2023-11-14 04:45:28,234 - mmseg - INFO - Iter [102750/160000] lr: 6.816e-07, eta: 6:33:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2066, decode.acc_seg: 91.3581, aux.loss_ce: 0.1562, aux.acc_seg: 85.3856, loss: 0.3628, grad_norm: 3.5527 2023-11-14 04:45:48,211 - mmseg - INFO - Iter [102800/160000] lr: 6.810e-07, eta: 6:33:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2172, decode.acc_seg: 91.1609, aux.loss_ce: 0.1542, aux.acc_seg: 85.6484, loss: 0.3714, grad_norm: 3.7559 2023-11-14 04:46:08,669 - mmseg - INFO - Iter [102850/160000] lr: 6.804e-07, eta: 6:33:09, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2130, decode.acc_seg: 91.3986, aux.loss_ce: 0.1496, aux.acc_seg: 85.8969, loss: 0.3626, grad_norm: 3.5678 2023-11-14 04:46:28,754 - mmseg - INFO - Iter [102900/160000] lr: 6.798e-07, eta: 6:32:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2163, decode.acc_seg: 91.0138, aux.loss_ce: 0.1601, aux.acc_seg: 84.9184, loss: 0.3764, grad_norm: 4.0163 2023-11-14 04:46:48,724 - mmseg - INFO - Iter [102950/160000] lr: 6.793e-07, eta: 6:32:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2078, decode.acc_seg: 91.1456, aux.loss_ce: 0.1565, aux.acc_seg: 85.2096, loss: 0.3643, grad_norm: 3.9887 2023-11-14 04:47:08,704 - mmseg - INFO - Saving checkpoint at 103000 iterations 2023-11-14 04:47:16,456 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:47:16,456 - mmseg - INFO - Iter [103000/160000] lr: 6.787e-07, eta: 6:32:11, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2141, decode.acc_seg: 91.2204, aux.loss_ce: 0.1594, aux.acc_seg: 85.2736, loss: 0.3735, grad_norm: 3.6695 2023-11-14 04:47:36,412 - mmseg - INFO - Iter [103050/160000] lr: 6.781e-07, eta: 6:31:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2057, decode.acc_seg: 91.5160, aux.loss_ce: 0.1530, aux.acc_seg: 85.7299, loss: 0.3586, grad_norm: 3.8078 2023-11-14 04:47:56,488 - mmseg - INFO - Iter [103100/160000] lr: 6.775e-07, eta: 6:31:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2133, decode.acc_seg: 91.1439, aux.loss_ce: 0.1544, aux.acc_seg: 85.4683, loss: 0.3677, grad_norm: 3.5254 2023-11-14 04:48:16,412 - mmseg - INFO - Iter [103150/160000] lr: 6.769e-07, eta: 6:31:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2034, decode.acc_seg: 91.5006, aux.loss_ce: 0.1475, aux.acc_seg: 85.7727, loss: 0.3509, grad_norm: 3.1392 2023-11-14 04:48:36,313 - mmseg - INFO - Iter [103200/160000] lr: 6.763e-07, eta: 6:30:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2171, decode.acc_seg: 90.9925, aux.loss_ce: 0.1631, aux.acc_seg: 84.5931, loss: 0.3801, grad_norm: 4.7653 2023-11-14 04:48:56,435 - mmseg - INFO - Iter [103250/160000] lr: 6.757e-07, eta: 6:30:26, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2159, decode.acc_seg: 91.0225, aux.loss_ce: 0.1514, aux.acc_seg: 85.5861, loss: 0.3673, grad_norm: 3.9648 2023-11-14 04:49:16,754 - mmseg - INFO - Iter [103300/160000] lr: 6.751e-07, eta: 6:30:05, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 91.1665, aux.loss_ce: 0.1580, aux.acc_seg: 85.2614, loss: 0.3689, grad_norm: 3.6198 2023-11-14 04:49:36,924 - mmseg - INFO - Iter [103350/160000] lr: 6.745e-07, eta: 6:29:44, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1993, decode.acc_seg: 91.5608, aux.loss_ce: 0.1434, aux.acc_seg: 86.3084, loss: 0.3427, grad_norm: 3.3007 2023-11-14 04:49:56,834 - mmseg - INFO - Iter [103400/160000] lr: 6.739e-07, eta: 6:29:23, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2209, decode.acc_seg: 90.8969, aux.loss_ce: 0.1618, aux.acc_seg: 84.5759, loss: 0.3826, grad_norm: 4.3383 2023-11-14 04:50:16,841 - mmseg - INFO - Iter [103450/160000] lr: 6.733e-07, eta: 6:29:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2124, decode.acc_seg: 91.0867, aux.loss_ce: 0.1607, aux.acc_seg: 84.9159, loss: 0.3731, grad_norm: 3.5858 2023-11-14 04:50:36,762 - mmseg - INFO - Iter [103500/160000] lr: 6.727e-07, eta: 6:28:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2119, decode.acc_seg: 91.0820, aux.loss_ce: 0.1603, aux.acc_seg: 84.9729, loss: 0.3722, grad_norm: 3.1851 2023-11-14 04:50:56,699 - mmseg - INFO - Iter [103550/160000] lr: 6.721e-07, eta: 6:28:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2130, decode.acc_seg: 91.1690, aux.loss_ce: 0.1524, aux.acc_seg: 85.1401, loss: 0.3654, grad_norm: 3.6089 2023-11-14 04:51:18,922 - mmseg - INFO - Iter [103600/160000] lr: 6.715e-07, eta: 6:28:00, time: 0.444, data_time: 0.048, memory: 16105, decode.loss_ce: 0.2323, decode.acc_seg: 90.6152, aux.loss_ce: 0.1711, aux.acc_seg: 84.2930, loss: 0.4034, grad_norm: 4.3398 2023-11-14 04:51:38,887 - mmseg - INFO - Iter [103650/160000] lr: 6.709e-07, eta: 6:27:39, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2041, decode.acc_seg: 91.5955, aux.loss_ce: 0.1452, aux.acc_seg: 86.4388, loss: 0.3492, grad_norm: 3.4515 2023-11-14 04:51:58,895 - mmseg - INFO - Iter [103700/160000] lr: 6.703e-07, eta: 6:27:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2040, decode.acc_seg: 91.4302, aux.loss_ce: 0.1454, aux.acc_seg: 85.9947, loss: 0.3494, grad_norm: 3.5427 2023-11-14 04:52:18,998 - mmseg - INFO - Iter [103750/160000] lr: 6.697e-07, eta: 6:26:57, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2138, decode.acc_seg: 91.0407, aux.loss_ce: 0.1583, aux.acc_seg: 84.6453, loss: 0.3721, grad_norm: 3.4306 2023-11-14 04:52:39,149 - mmseg - INFO - Iter [103800/160000] lr: 6.691e-07, eta: 6:26:36, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2068, decode.acc_seg: 91.3336, aux.loss_ce: 0.1469, aux.acc_seg: 86.1684, loss: 0.3538, grad_norm: 3.8260 2023-11-14 04:52:59,219 - mmseg - INFO - Iter [103850/160000] lr: 6.685e-07, eta: 6:26:15, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1952, decode.acc_seg: 91.8164, aux.loss_ce: 0.1465, aux.acc_seg: 86.1358, loss: 0.3417, grad_norm: 3.0857 2023-11-14 04:53:19,190 - mmseg - INFO - Iter [103900/160000] lr: 6.679e-07, eta: 6:25:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2120, decode.acc_seg: 91.1892, aux.loss_ce: 0.1532, aux.acc_seg: 85.2296, loss: 0.3653, grad_norm: 4.5860 2023-11-14 04:53:39,143 - mmseg - INFO - Iter [103950/160000] lr: 6.673e-07, eta: 6:25:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.7896, aux.loss_ce: 0.1489, aux.acc_seg: 85.8250, loss: 0.3479, grad_norm: 3.5934 2023-11-14 04:53:59,041 - mmseg - INFO - Saving checkpoint at 104000 iterations 2023-11-14 04:54:07,501 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 04:54:07,501 - mmseg - INFO - Iter [104000/160000] lr: 6.668e-07, eta: 6:25:17, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2131, decode.acc_seg: 90.9659, aux.loss_ce: 0.1504, aux.acc_seg: 85.2375, loss: 0.3635, grad_norm: 3.8299 2023-11-14 04:54:27,450 - mmseg - INFO - Iter [104050/160000] lr: 6.662e-07, eta: 6:24:56, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1988, decode.acc_seg: 91.7254, aux.loss_ce: 0.1468, aux.acc_seg: 86.0137, loss: 0.3456, grad_norm: 3.4000 2023-11-14 04:54:47,381 - mmseg - INFO - Iter [104100/160000] lr: 6.656e-07, eta: 6:24:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2061, decode.acc_seg: 91.1000, aux.loss_ce: 0.1566, aux.acc_seg: 84.9114, loss: 0.3627, grad_norm: 3.8207 2023-11-14 04:55:07,404 - mmseg - INFO - Iter [104150/160000] lr: 6.650e-07, eta: 6:24:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2127, decode.acc_seg: 91.1029, aux.loss_ce: 0.1559, aux.acc_seg: 85.3937, loss: 0.3686, grad_norm: 3.4170 2023-11-14 04:55:27,409 - mmseg - INFO - Iter [104200/160000] lr: 6.644e-07, eta: 6:23:53, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2272, decode.acc_seg: 90.4587, aux.loss_ce: 0.1672, aux.acc_seg: 84.4585, loss: 0.3944, grad_norm: 3.8658 2023-11-14 04:55:47,714 - mmseg - INFO - Iter [104250/160000] lr: 6.638e-07, eta: 6:23:32, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2121, decode.acc_seg: 91.2762, aux.loss_ce: 0.1534, aux.acc_seg: 85.2155, loss: 0.3655, grad_norm: 3.4229 2023-11-14 04:56:07,703 - mmseg - INFO - Iter [104300/160000] lr: 6.632e-07, eta: 6:23:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2211, decode.acc_seg: 91.0343, aux.loss_ce: 0.1531, aux.acc_seg: 85.4865, loss: 0.3743, grad_norm: 4.0249 2023-11-14 04:56:27,603 - mmseg - INFO - Iter [104350/160000] lr: 6.626e-07, eta: 6:22:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1986, decode.acc_seg: 91.5997, aux.loss_ce: 0.1538, aux.acc_seg: 85.2403, loss: 0.3524, grad_norm: 3.7115 2023-11-14 04:56:47,485 - mmseg - INFO - Iter [104400/160000] lr: 6.620e-07, eta: 6:22:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2189, decode.acc_seg: 91.0805, aux.loss_ce: 0.1556, aux.acc_seg: 85.5424, loss: 0.3745, grad_norm: 6.0099 2023-11-14 04:57:07,410 - mmseg - INFO - Iter [104450/160000] lr: 6.614e-07, eta: 6:22:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2126, decode.acc_seg: 91.1698, aux.loss_ce: 0.1502, aux.acc_seg: 85.4918, loss: 0.3628, grad_norm: 5.0607 2023-11-14 04:57:27,591 - mmseg - INFO - Iter [104500/160000] lr: 6.608e-07, eta: 6:21:47, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2140, decode.acc_seg: 91.0995, aux.loss_ce: 0.1632, aux.acc_seg: 84.8842, loss: 0.3772, grad_norm: 3.8654 2023-11-14 04:57:47,603 - mmseg - INFO - Iter [104550/160000] lr: 6.602e-07, eta: 6:21:26, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2197, decode.acc_seg: 91.0305, aux.loss_ce: 0.1643, aux.acc_seg: 84.5760, loss: 0.3839, grad_norm: 3.7314 2023-11-14 04:58:07,546 - mmseg - INFO - Iter [104600/160000] lr: 6.596e-07, eta: 6:21:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2120, decode.acc_seg: 90.9656, aux.loss_ce: 0.1527, aux.acc_seg: 85.0427, loss: 0.3647, grad_norm: 3.6838 2023-11-14 04:58:27,543 - mmseg - INFO - Iter [104650/160000] lr: 6.590e-07, eta: 6:20:44, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2039, decode.acc_seg: 91.5860, aux.loss_ce: 0.1478, aux.acc_seg: 85.5869, loss: 0.3516, grad_norm: 3.1367 2023-11-14 04:58:47,900 - mmseg - INFO - Iter [104700/160000] lr: 6.584e-07, eta: 6:20:23, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2199, decode.acc_seg: 91.0795, aux.loss_ce: 0.1573, aux.acc_seg: 85.0952, loss: 0.3772, grad_norm: 3.8412 2023-11-14 04:59:08,014 - mmseg - INFO - Iter [104750/160000] lr: 6.578e-07, eta: 6:20:02, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2137, decode.acc_seg: 91.1431, aux.loss_ce: 0.1575, aux.acc_seg: 85.0819, loss: 0.3712, grad_norm: 3.7801 2023-11-14 04:59:28,012 - mmseg - INFO - Iter [104800/160000] lr: 6.572e-07, eta: 6:19:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2038, decode.acc_seg: 91.5228, aux.loss_ce: 0.1531, aux.acc_seg: 85.3925, loss: 0.3569, grad_norm: 4.5063 2023-11-14 04:59:50,243 - mmseg - INFO - Iter [104850/160000] lr: 6.566e-07, eta: 6:19:22, time: 0.445, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2143, decode.acc_seg: 91.1969, aux.loss_ce: 0.1529, aux.acc_seg: 85.7666, loss: 0.3672, grad_norm: 4.8535 2023-11-14 05:00:10,150 - mmseg - INFO - Iter [104900/160000] lr: 6.560e-07, eta: 6:19:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2118, decode.acc_seg: 91.1638, aux.loss_ce: 0.1578, aux.acc_seg: 84.8901, loss: 0.3697, grad_norm: 3.7515 2023-11-14 05:00:30,143 - mmseg - INFO - Iter [104950/160000] lr: 6.554e-07, eta: 6:18:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2013, decode.acc_seg: 91.7071, aux.loss_ce: 0.1457, aux.acc_seg: 86.3414, loss: 0.3470, grad_norm: 4.0952 2023-11-14 05:00:50,248 - mmseg - INFO - Saving checkpoint at 105000 iterations 2023-11-14 05:00:58,289 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:00:58,290 - mmseg - INFO - Iter [105000/160000] lr: 6.548e-07, eta: 6:18:23, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2038, decode.acc_seg: 91.4499, aux.loss_ce: 0.1493, aux.acc_seg: 85.8282, loss: 0.3531, grad_norm: 3.5098 2023-11-14 05:01:18,372 - mmseg - INFO - Iter [105050/160000] lr: 6.543e-07, eta: 6:18:02, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2057, decode.acc_seg: 91.3642, aux.loss_ce: 0.1610, aux.acc_seg: 84.4659, loss: 0.3667, grad_norm: 4.0133 2023-11-14 05:01:38,419 - mmseg - INFO - Iter [105100/160000] lr: 6.537e-07, eta: 6:17:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2074, decode.acc_seg: 91.2672, aux.loss_ce: 0.1574, aux.acc_seg: 85.0889, loss: 0.3649, grad_norm: 3.6807 2023-11-14 05:01:58,786 - mmseg - INFO - Iter [105150/160000] lr: 6.531e-07, eta: 6:17:20, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2119, decode.acc_seg: 91.1697, aux.loss_ce: 0.1513, aux.acc_seg: 85.5254, loss: 0.3632, grad_norm: 3.5047 2023-11-14 05:02:18,927 - mmseg - INFO - Iter [105200/160000] lr: 6.525e-07, eta: 6:16:59, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.6519, aux.loss_ce: 0.1491, aux.acc_seg: 85.7876, loss: 0.3481, grad_norm: 3.5056 2023-11-14 05:02:38,984 - mmseg - INFO - Iter [105250/160000] lr: 6.519e-07, eta: 6:16:39, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2068, decode.acc_seg: 91.4205, aux.loss_ce: 0.1516, aux.acc_seg: 85.6712, loss: 0.3584, grad_norm: 3.4520 2023-11-14 05:02:58,925 - mmseg - INFO - Iter [105300/160000] lr: 6.513e-07, eta: 6:16:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2155, decode.acc_seg: 90.9830, aux.loss_ce: 0.1548, aux.acc_seg: 85.0014, loss: 0.3703, grad_norm: 4.5094 2023-11-14 05:03:18,952 - mmseg - INFO - Iter [105350/160000] lr: 6.507e-07, eta: 6:15:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2081, decode.acc_seg: 91.6555, aux.loss_ce: 0.1546, aux.acc_seg: 85.5370, loss: 0.3627, grad_norm: 4.1929 2023-11-14 05:03:38,935 - mmseg - INFO - Iter [105400/160000] lr: 6.501e-07, eta: 6:15:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2140, decode.acc_seg: 91.2325, aux.loss_ce: 0.1518, aux.acc_seg: 85.2713, loss: 0.3658, grad_norm: 4.4115 2023-11-14 05:03:58,801 - mmseg - INFO - Iter [105450/160000] lr: 6.495e-07, eta: 6:15:15, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2080, decode.acc_seg: 91.3178, aux.loss_ce: 0.1532, aux.acc_seg: 85.5097, loss: 0.3611, grad_norm: 3.7969 2023-11-14 05:04:18,879 - mmseg - INFO - Iter [105500/160000] lr: 6.489e-07, eta: 6:14:54, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2099, decode.acc_seg: 91.1267, aux.loss_ce: 0.1468, aux.acc_seg: 85.8994, loss: 0.3568, grad_norm: 3.9046 2023-11-14 05:04:38,982 - mmseg - INFO - Iter [105550/160000] lr: 6.483e-07, eta: 6:14:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2143, decode.acc_seg: 91.1395, aux.loss_ce: 0.1572, aux.acc_seg: 84.9346, loss: 0.3715, grad_norm: 4.5745 2023-11-14 05:04:59,246 - mmseg - INFO - Iter [105600/160000] lr: 6.477e-07, eta: 6:14:12, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2058, decode.acc_seg: 91.3804, aux.loss_ce: 0.1525, aux.acc_seg: 85.1844, loss: 0.3583, grad_norm: 3.1745 2023-11-14 05:05:19,333 - mmseg - INFO - Iter [105650/160000] lr: 6.471e-07, eta: 6:13:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2151, decode.acc_seg: 91.1430, aux.loss_ce: 0.1549, aux.acc_seg: 85.5932, loss: 0.3701, grad_norm: 4.0188 2023-11-14 05:05:39,415 - mmseg - INFO - Iter [105700/160000] lr: 6.465e-07, eta: 6:13:30, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2263, decode.acc_seg: 90.7261, aux.loss_ce: 0.1667, aux.acc_seg: 84.3528, loss: 0.3930, grad_norm: 3.8342 2023-11-14 05:05:59,343 - mmseg - INFO - Iter [105750/160000] lr: 6.459e-07, eta: 6:13:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2285, decode.acc_seg: 90.6480, aux.loss_ce: 0.1701, aux.acc_seg: 83.6965, loss: 0.3986, grad_norm: 4.4082 2023-11-14 05:06:19,338 - mmseg - INFO - Iter [105800/160000] lr: 6.453e-07, eta: 6:12:48, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2121, decode.acc_seg: 91.1556, aux.loss_ce: 0.1614, aux.acc_seg: 84.8335, loss: 0.3735, grad_norm: 4.5737 2023-11-14 05:06:39,283 - mmseg - INFO - Iter [105850/160000] lr: 6.447e-07, eta: 6:12:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2117, decode.acc_seg: 91.2419, aux.loss_ce: 0.1534, aux.acc_seg: 85.3395, loss: 0.3651, grad_norm: 3.7049 2023-11-14 05:06:59,290 - mmseg - INFO - Iter [105900/160000] lr: 6.441e-07, eta: 6:12:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2071, decode.acc_seg: 91.2201, aux.loss_ce: 0.1492, aux.acc_seg: 85.8287, loss: 0.3563, grad_norm: 4.1018 2023-11-14 05:07:19,370 - mmseg - INFO - Iter [105950/160000] lr: 6.435e-07, eta: 6:11:45, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2155, decode.acc_seg: 90.9579, aux.loss_ce: 0.1495, aux.acc_seg: 85.7739, loss: 0.3650, grad_norm: 3.9661 2023-11-14 05:07:39,380 - mmseg - INFO - Saving checkpoint at 106000 iterations 2023-11-14 05:07:49,478 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:07:49,478 - mmseg - INFO - Iter [106000/160000] lr: 6.429e-07, eta: 6:11:29, time: 0.602, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2097, decode.acc_seg: 91.4363, aux.loss_ce: 0.1604, aux.acc_seg: 85.2420, loss: 0.3701, grad_norm: 3.6568 2023-11-14 05:08:09,748 - mmseg - INFO - Iter [106050/160000] lr: 6.423e-07, eta: 6:11:09, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2108, decode.acc_seg: 91.3550, aux.loss_ce: 0.1523, aux.acc_seg: 85.5336, loss: 0.3631, grad_norm: 3.8262 2023-11-14 05:08:32,559 - mmseg - INFO - Iter [106100/160000] lr: 6.417e-07, eta: 6:10:49, time: 0.456, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2015, decode.acc_seg: 91.1844, aux.loss_ce: 0.1459, aux.acc_seg: 85.4410, loss: 0.3474, grad_norm: 3.4005 2023-11-14 05:08:52,620 - mmseg - INFO - Iter [106150/160000] lr: 6.412e-07, eta: 6:10:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2070, decode.acc_seg: 91.5179, aux.loss_ce: 0.1558, aux.acc_seg: 85.6518, loss: 0.3628, grad_norm: 3.6542 2023-11-14 05:09:12,529 - mmseg - INFO - Iter [106200/160000] lr: 6.406e-07, eta: 6:10:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2073, decode.acc_seg: 91.4080, aux.loss_ce: 0.1458, aux.acc_seg: 86.3496, loss: 0.3531, grad_norm: 3.4154 2023-11-14 05:09:32,634 - mmseg - INFO - Iter [106250/160000] lr: 6.400e-07, eta: 6:09:46, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2087, decode.acc_seg: 91.1968, aux.loss_ce: 0.1529, aux.acc_seg: 85.1671, loss: 0.3615, grad_norm: 3.6047 2023-11-14 05:09:52,625 - mmseg - INFO - Iter [106300/160000] lr: 6.394e-07, eta: 6:09:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2001, decode.acc_seg: 91.6409, aux.loss_ce: 0.1485, aux.acc_seg: 85.9342, loss: 0.3486, grad_norm: 3.1412 2023-11-14 05:10:12,631 - mmseg - INFO - Iter [106350/160000] lr: 6.388e-07, eta: 6:09:04, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 91.9503, aux.loss_ce: 0.1454, aux.acc_seg: 86.0699, loss: 0.3373, grad_norm: 3.1090 2023-11-14 05:10:32,682 - mmseg - INFO - Iter [106400/160000] lr: 6.382e-07, eta: 6:08:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2013, decode.acc_seg: 91.6206, aux.loss_ce: 0.1479, aux.acc_seg: 85.7006, loss: 0.3493, grad_norm: 3.4002 2023-11-14 05:10:52,806 - mmseg - INFO - Iter [106450/160000] lr: 6.376e-07, eta: 6:08:22, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2124, decode.acc_seg: 91.2274, aux.loss_ce: 0.1570, aux.acc_seg: 85.3085, loss: 0.3694, grad_norm: 3.5363 2023-11-14 05:11:12,845 - mmseg - INFO - Iter [106500/160000] lr: 6.370e-07, eta: 6:08:01, time: 0.403, data_time: 0.008, memory: 16105, decode.loss_ce: 0.1966, decode.acc_seg: 91.5809, aux.loss_ce: 0.1426, aux.acc_seg: 85.8534, loss: 0.3392, grad_norm: 3.0242 2023-11-14 05:11:33,145 - mmseg - INFO - Iter [106550/160000] lr: 6.364e-07, eta: 6:07:41, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2145, decode.acc_seg: 91.1851, aux.loss_ce: 0.1594, aux.acc_seg: 84.9054, loss: 0.3739, grad_norm: 3.6093 2023-11-14 05:11:53,218 - mmseg - INFO - Iter [106600/160000] lr: 6.358e-07, eta: 6:07:20, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2060, decode.acc_seg: 91.5678, aux.loss_ce: 0.1583, aux.acc_seg: 85.3509, loss: 0.3643, grad_norm: 3.3118 2023-11-14 05:12:13,173 - mmseg - INFO - Iter [106650/160000] lr: 6.352e-07, eta: 6:06:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2130, decode.acc_seg: 91.1229, aux.loss_ce: 0.1519, aux.acc_seg: 85.6392, loss: 0.3649, grad_norm: 3.6679 2023-11-14 05:12:33,096 - mmseg - INFO - Iter [106700/160000] lr: 6.346e-07, eta: 6:06:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2061, decode.acc_seg: 91.3746, aux.loss_ce: 0.1572, aux.acc_seg: 85.3091, loss: 0.3633, grad_norm: 3.5506 2023-11-14 05:12:53,155 - mmseg - INFO - Iter [106750/160000] lr: 6.340e-07, eta: 6:06:17, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2093, decode.acc_seg: 91.3990, aux.loss_ce: 0.1510, aux.acc_seg: 85.7351, loss: 0.3603, grad_norm: 3.9119 2023-11-14 05:13:13,152 - mmseg - INFO - Iter [106800/160000] lr: 6.334e-07, eta: 6:05:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2100, decode.acc_seg: 91.2228, aux.loss_ce: 0.1579, aux.acc_seg: 84.6859, loss: 0.3678, grad_norm: 3.4361 2023-11-14 05:13:33,231 - mmseg - INFO - Iter [106850/160000] lr: 6.328e-07, eta: 6:05:35, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1941, decode.acc_seg: 91.6218, aux.loss_ce: 0.1457, aux.acc_seg: 85.8423, loss: 0.3398, grad_norm: 3.4727 2023-11-14 05:13:53,138 - mmseg - INFO - Iter [106900/160000] lr: 6.322e-07, eta: 6:05:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2180, decode.acc_seg: 91.0323, aux.loss_ce: 0.1536, aux.acc_seg: 85.5765, loss: 0.3716, grad_norm: 4.1243 2023-11-14 05:14:13,338 - mmseg - INFO - Iter [106950/160000] lr: 6.316e-07, eta: 6:04:53, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2075, decode.acc_seg: 91.4450, aux.loss_ce: 0.1519, aux.acc_seg: 85.3088, loss: 0.3594, grad_norm: 3.3952 2023-11-14 05:14:33,625 - mmseg - INFO - Saving checkpoint at 107000 iterations 2023-11-14 05:14:41,618 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:14:41,618 - mmseg - INFO - Iter [107000/160000] lr: 6.310e-07, eta: 6:04:36, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2098, decode.acc_seg: 91.2588, aux.loss_ce: 0.1477, aux.acc_seg: 85.7581, loss: 0.3575, grad_norm: 3.4598 2023-11-14 05:15:01,788 - mmseg - INFO - Iter [107050/160000] lr: 6.304e-07, eta: 6:04:15, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1996, decode.acc_seg: 91.5251, aux.loss_ce: 0.1547, aux.acc_seg: 84.9308, loss: 0.3543, grad_norm: 3.8692 2023-11-14 05:15:21,702 - mmseg - INFO - Iter [107100/160000] lr: 6.298e-07, eta: 6:03:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2054, decode.acc_seg: 91.4711, aux.loss_ce: 0.1521, aux.acc_seg: 85.4605, loss: 0.3575, grad_norm: 3.9583 2023-11-14 05:15:41,795 - mmseg - INFO - Iter [107150/160000] lr: 6.292e-07, eta: 6:03:34, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2066, decode.acc_seg: 91.6044, aux.loss_ce: 0.1520, aux.acc_seg: 85.3901, loss: 0.3586, grad_norm: 3.3170 2023-11-14 05:16:01,843 - mmseg - INFO - Iter [107200/160000] lr: 6.287e-07, eta: 6:03:13, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2223, decode.acc_seg: 90.9682, aux.loss_ce: 0.1597, aux.acc_seg: 85.0424, loss: 0.3820, grad_norm: 3.9796 2023-11-14 05:16:21,771 - mmseg - INFO - Iter [107250/160000] lr: 6.281e-07, eta: 6:02:52, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2146, decode.acc_seg: 90.8575, aux.loss_ce: 0.1578, aux.acc_seg: 84.5736, loss: 0.3723, grad_norm: 4.6627 2023-11-14 05:16:41,726 - mmseg - INFO - Iter [107300/160000] lr: 6.275e-07, eta: 6:02:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2125, decode.acc_seg: 91.0402, aux.loss_ce: 0.1569, aux.acc_seg: 84.6646, loss: 0.3694, grad_norm: 3.9458 2023-11-14 05:17:01,787 - mmseg - INFO - Iter [107350/160000] lr: 6.269e-07, eta: 6:02:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2010, decode.acc_seg: 91.6851, aux.loss_ce: 0.1478, aux.acc_seg: 86.1142, loss: 0.3488, grad_norm: 3.4941 2023-11-14 05:17:24,155 - mmseg - INFO - Iter [107400/160000] lr: 6.263e-07, eta: 6:01:50, time: 0.447, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2152, decode.acc_seg: 91.3997, aux.loss_ce: 0.1526, aux.acc_seg: 85.7358, loss: 0.3678, grad_norm: 4.0940 2023-11-14 05:17:44,496 - mmseg - INFO - Iter [107450/160000] lr: 6.257e-07, eta: 6:01:29, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1951, decode.acc_seg: 91.6258, aux.loss_ce: 0.1477, aux.acc_seg: 85.8045, loss: 0.3428, grad_norm: 3.5102 2023-11-14 05:18:04,610 - mmseg - INFO - Iter [107500/160000] lr: 6.251e-07, eta: 6:01:08, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2103, decode.acc_seg: 91.3366, aux.loss_ce: 0.1494, aux.acc_seg: 85.9751, loss: 0.3597, grad_norm: 3.7275 2023-11-14 05:18:24,642 - mmseg - INFO - Iter [107550/160000] lr: 6.245e-07, eta: 6:00:47, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2002, decode.acc_seg: 91.7944, aux.loss_ce: 0.1481, aux.acc_seg: 85.7882, loss: 0.3483, grad_norm: 3.2164 2023-11-14 05:18:44,672 - mmseg - INFO - Iter [107600/160000] lr: 6.239e-07, eta: 6:00:26, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2042, decode.acc_seg: 91.3973, aux.loss_ce: 0.1512, aux.acc_seg: 85.5251, loss: 0.3554, grad_norm: 3.3644 2023-11-14 05:19:04,591 - mmseg - INFO - Iter [107650/160000] lr: 6.233e-07, eta: 6:00:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2121, decode.acc_seg: 91.1252, aux.loss_ce: 0.1533, aux.acc_seg: 85.3728, loss: 0.3654, grad_norm: 3.5772 2023-11-14 05:19:24,556 - mmseg - INFO - Iter [107700/160000] lr: 6.227e-07, eta: 5:59:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2157, decode.acc_seg: 91.2705, aux.loss_ce: 0.1532, aux.acc_seg: 85.5832, loss: 0.3688, grad_norm: 4.3817 2023-11-14 05:19:44,448 - mmseg - INFO - Iter [107750/160000] lr: 6.221e-07, eta: 5:59:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2074, decode.acc_seg: 91.2055, aux.loss_ce: 0.1564, aux.acc_seg: 84.8748, loss: 0.3638, grad_norm: 4.6176 2023-11-14 05:20:04,556 - mmseg - INFO - Iter [107800/160000] lr: 6.215e-07, eta: 5:59:03, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2141, decode.acc_seg: 91.1196, aux.loss_ce: 0.1537, aux.acc_seg: 85.6721, loss: 0.3678, grad_norm: 3.8113 2023-11-14 05:20:24,585 - mmseg - INFO - Iter [107850/160000] lr: 6.209e-07, eta: 5:58:42, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2113, decode.acc_seg: 91.1576, aux.loss_ce: 0.1532, aux.acc_seg: 85.4400, loss: 0.3645, grad_norm: 3.4442 2023-11-14 05:20:44,952 - mmseg - INFO - Iter [107900/160000] lr: 6.203e-07, eta: 5:58:21, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2096, decode.acc_seg: 91.4702, aux.loss_ce: 0.1590, aux.acc_seg: 84.7992, loss: 0.3686, grad_norm: 3.5057 2023-11-14 05:21:05,072 - mmseg - INFO - Iter [107950/160000] lr: 6.197e-07, eta: 5:58:00, time: 0.405, data_time: 0.008, memory: 16105, decode.loss_ce: 0.2130, decode.acc_seg: 91.0715, aux.loss_ce: 0.1552, aux.acc_seg: 85.0571, loss: 0.3682, grad_norm: 3.6286 2023-11-14 05:21:25,018 - mmseg - INFO - Saving checkpoint at 108000 iterations 2023-11-14 05:21:32,842 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:21:32,842 - mmseg - INFO - Iter [108000/160000] lr: 6.191e-07, eta: 5:57:43, time: 0.556, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1988, decode.acc_seg: 91.5992, aux.loss_ce: 0.1463, aux.acc_seg: 86.1549, loss: 0.3451, grad_norm: 3.5851 2023-11-14 05:21:52,920 - mmseg - INFO - Iter [108050/160000] lr: 6.185e-07, eta: 5:57:22, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2093, decode.acc_seg: 91.1757, aux.loss_ce: 0.1517, aux.acc_seg: 85.6372, loss: 0.3611, grad_norm: 3.6909 2023-11-14 05:22:12,932 - mmseg - INFO - Iter [108100/160000] lr: 6.179e-07, eta: 5:57:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2071, decode.acc_seg: 91.3047, aux.loss_ce: 0.1529, aux.acc_seg: 84.7886, loss: 0.3600, grad_norm: 3.6648 2023-11-14 05:22:32,840 - mmseg - INFO - Iter [108150/160000] lr: 6.173e-07, eta: 5:56:40, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2062, decode.acc_seg: 91.4054, aux.loss_ce: 0.1566, aux.acc_seg: 84.8854, loss: 0.3627, grad_norm: 3.6695 2023-11-14 05:22:52,817 - mmseg - INFO - Iter [108200/160000] lr: 6.167e-07, eta: 5:56:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1999, decode.acc_seg: 91.3914, aux.loss_ce: 0.1484, aux.acc_seg: 85.5491, loss: 0.3483, grad_norm: 3.8889 2023-11-14 05:23:12,771 - mmseg - INFO - Iter [108250/160000] lr: 6.162e-07, eta: 5:55:58, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2117, decode.acc_seg: 91.2358, aux.loss_ce: 0.1518, aux.acc_seg: 85.3764, loss: 0.3635, grad_norm: 4.3823 2023-11-14 05:23:32,843 - mmseg - INFO - Iter [108300/160000] lr: 6.156e-07, eta: 5:55:37, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2186, decode.acc_seg: 90.9021, aux.loss_ce: 0.1570, aux.acc_seg: 85.1597, loss: 0.3756, grad_norm: 3.8479 2023-11-14 05:23:52,989 - mmseg - INFO - Iter [108350/160000] lr: 6.150e-07, eta: 5:55:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2125, decode.acc_seg: 90.9472, aux.loss_ce: 0.1502, aux.acc_seg: 85.4733, loss: 0.3627, grad_norm: 3.9997 2023-11-14 05:24:13,347 - mmseg - INFO - Iter [108400/160000] lr: 6.144e-07, eta: 5:54:56, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1955, decode.acc_seg: 91.6006, aux.loss_ce: 0.1477, aux.acc_seg: 85.5956, loss: 0.3432, grad_norm: 3.1075 2023-11-14 05:24:33,506 - mmseg - INFO - Iter [108450/160000] lr: 6.138e-07, eta: 5:54:35, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2202, decode.acc_seg: 90.5844, aux.loss_ce: 0.1581, aux.acc_seg: 84.7882, loss: 0.3783, grad_norm: 4.6657 2023-11-14 05:24:53,459 - mmseg - INFO - Iter [108500/160000] lr: 6.132e-07, eta: 5:54:14, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2195, decode.acc_seg: 91.0069, aux.loss_ce: 0.1659, aux.acc_seg: 84.7640, loss: 0.3854, grad_norm: 3.7412 2023-11-14 05:25:13,588 - mmseg - INFO - Iter [108550/160000] lr: 6.126e-07, eta: 5:53:53, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2113, decode.acc_seg: 91.2432, aux.loss_ce: 0.1516, aux.acc_seg: 85.4676, loss: 0.3629, grad_norm: 3.7792 2023-11-14 05:25:33,557 - mmseg - INFO - Iter [108600/160000] lr: 6.120e-07, eta: 5:53:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2107, decode.acc_seg: 90.9309, aux.loss_ce: 0.1579, aux.acc_seg: 84.7485, loss: 0.3686, grad_norm: 4.4313 2023-11-14 05:25:55,930 - mmseg - INFO - Iter [108650/160000] lr: 6.114e-07, eta: 5:53:12, time: 0.447, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1978, decode.acc_seg: 91.6416, aux.loss_ce: 0.1439, aux.acc_seg: 86.0273, loss: 0.3417, grad_norm: 3.6208 2023-11-14 05:26:15,947 - mmseg - INFO - Iter [108700/160000] lr: 6.108e-07, eta: 5:52:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2071, decode.acc_seg: 91.3831, aux.loss_ce: 0.1458, aux.acc_seg: 85.8592, loss: 0.3529, grad_norm: 3.5615 2023-11-14 05:26:35,809 - mmseg - INFO - Iter [108750/160000] lr: 6.102e-07, eta: 5:52:30, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2014, decode.acc_seg: 91.5501, aux.loss_ce: 0.1550, aux.acc_seg: 85.1537, loss: 0.3564, grad_norm: 3.4917 2023-11-14 05:26:55,978 - mmseg - INFO - Iter [108800/160000] lr: 6.096e-07, eta: 5:52:09, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2007, decode.acc_seg: 91.6385, aux.loss_ce: 0.1484, aux.acc_seg: 85.5298, loss: 0.3490, grad_norm: 3.7803 2023-11-14 05:27:16,239 - mmseg - INFO - Iter [108850/160000] lr: 6.090e-07, eta: 5:51:48, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2075, decode.acc_seg: 91.2748, aux.loss_ce: 0.1528, aux.acc_seg: 85.7908, loss: 0.3602, grad_norm: 4.6694 2023-11-14 05:27:36,195 - mmseg - INFO - Iter [108900/160000] lr: 6.084e-07, eta: 5:51:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2032, decode.acc_seg: 91.5889, aux.loss_ce: 0.1513, aux.acc_seg: 85.8077, loss: 0.3545, grad_norm: 3.3566 2023-11-14 05:27:56,220 - mmseg - INFO - Iter [108950/160000] lr: 6.078e-07, eta: 5:51:07, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2085, decode.acc_seg: 91.2024, aux.loss_ce: 0.1583, aux.acc_seg: 84.6153, loss: 0.3668, grad_norm: 4.1333 2023-11-14 05:28:16,101 - mmseg - INFO - Saving checkpoint at 109000 iterations 2023-11-14 05:28:24,086 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:28:24,087 - mmseg - INFO - Iter [109000/160000] lr: 6.072e-07, eta: 5:50:49, time: 0.557, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2070, decode.acc_seg: 91.3407, aux.loss_ce: 0.1465, aux.acc_seg: 85.8113, loss: 0.3535, grad_norm: 3.4287 2023-11-14 05:28:44,142 - mmseg - INFO - Iter [109050/160000] lr: 6.066e-07, eta: 5:50:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2111, decode.acc_seg: 91.2171, aux.loss_ce: 0.1499, aux.acc_seg: 85.8395, loss: 0.3610, grad_norm: 3.5976 2023-11-14 05:29:04,061 - mmseg - INFO - Iter [109100/160000] lr: 6.060e-07, eta: 5:50:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2172, decode.acc_seg: 90.8320, aux.loss_ce: 0.1595, aux.acc_seg: 85.0065, loss: 0.3767, grad_norm: 3.3033 2023-11-14 05:29:23,938 - mmseg - INFO - Iter [109150/160000] lr: 6.054e-07, eta: 5:49:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2063, decode.acc_seg: 91.6546, aux.loss_ce: 0.1517, aux.acc_seg: 85.8043, loss: 0.3580, grad_norm: 3.6549 2023-11-14 05:29:43,842 - mmseg - INFO - Iter [109200/160000] lr: 6.048e-07, eta: 5:49:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2099, decode.acc_seg: 91.0938, aux.loss_ce: 0.1573, aux.acc_seg: 84.6920, loss: 0.3671, grad_norm: 3.2844 2023-11-14 05:30:03,902 - mmseg - INFO - Iter [109250/160000] lr: 6.042e-07, eta: 5:49:05, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2042, decode.acc_seg: 91.4526, aux.loss_ce: 0.1518, aux.acc_seg: 85.4924, loss: 0.3560, grad_norm: 3.3213 2023-11-14 05:30:24,336 - mmseg - INFO - Iter [109300/160000] lr: 6.036e-07, eta: 5:48:44, time: 0.409, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2009, decode.acc_seg: 91.5893, aux.loss_ce: 0.1499, aux.acc_seg: 85.7712, loss: 0.3508, grad_norm: 2.9903 2023-11-14 05:30:44,384 - mmseg - INFO - Iter [109350/160000] lr: 6.031e-07, eta: 5:48:23, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2026, decode.acc_seg: 91.5007, aux.loss_ce: 0.1548, aux.acc_seg: 85.5543, loss: 0.3575, grad_norm: 4.0841 2023-11-14 05:31:04,374 - mmseg - INFO - Iter [109400/160000] lr: 6.025e-07, eta: 5:48:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2177, decode.acc_seg: 90.9894, aux.loss_ce: 0.1619, aux.acc_seg: 84.7966, loss: 0.3796, grad_norm: 3.6176 2023-11-14 05:31:24,315 - mmseg - INFO - Iter [109450/160000] lr: 6.019e-07, eta: 5:47:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2040, decode.acc_seg: 91.4401, aux.loss_ce: 0.1550, aux.acc_seg: 85.4848, loss: 0.3590, grad_norm: 3.8384 2023-11-14 05:31:44,339 - mmseg - INFO - Iter [109500/160000] lr: 6.013e-07, eta: 5:47:20, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1905, decode.acc_seg: 91.7972, aux.loss_ce: 0.1413, aux.acc_seg: 86.5794, loss: 0.3318, grad_norm: 3.5368 2023-11-14 05:32:04,250 - mmseg - INFO - Iter [109550/160000] lr: 6.007e-07, eta: 5:46:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1994, decode.acc_seg: 91.5492, aux.loss_ce: 0.1448, aux.acc_seg: 85.7899, loss: 0.3443, grad_norm: 3.5460 2023-11-14 05:32:24,125 - mmseg - INFO - Iter [109600/160000] lr: 6.001e-07, eta: 5:46:38, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2009, decode.acc_seg: 91.5963, aux.loss_ce: 0.1485, aux.acc_seg: 86.0409, loss: 0.3494, grad_norm: 4.0805 2023-11-14 05:32:44,094 - mmseg - INFO - Iter [109650/160000] lr: 5.995e-07, eta: 5:46:17, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2128, decode.acc_seg: 91.3122, aux.loss_ce: 0.1570, aux.acc_seg: 85.0835, loss: 0.3698, grad_norm: 4.1907 2023-11-14 05:33:04,122 - mmseg - INFO - Iter [109700/160000] lr: 5.989e-07, eta: 5:45:56, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2167, decode.acc_seg: 90.9730, aux.loss_ce: 0.1566, aux.acc_seg: 85.2879, loss: 0.3734, grad_norm: 3.6832 2023-11-14 05:33:24,432 - mmseg - INFO - Iter [109750/160000] lr: 5.983e-07, eta: 5:45:36, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2154, decode.acc_seg: 91.2588, aux.loss_ce: 0.1604, aux.acc_seg: 84.8164, loss: 0.3758, grad_norm: 4.1302 2023-11-14 05:33:44,558 - mmseg - INFO - Iter [109800/160000] lr: 5.977e-07, eta: 5:45:15, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2146, decode.acc_seg: 91.2866, aux.loss_ce: 0.1518, aux.acc_seg: 85.7245, loss: 0.3664, grad_norm: 4.7385 2023-11-14 05:34:04,551 - mmseg - INFO - Iter [109850/160000] lr: 5.971e-07, eta: 5:44:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2252, decode.acc_seg: 90.9723, aux.loss_ce: 0.1617, aux.acc_seg: 85.0477, loss: 0.3869, grad_norm: 4.9213 2023-11-14 05:34:26,917 - mmseg - INFO - Iter [109900/160000] lr: 5.965e-07, eta: 5:44:34, time: 0.447, data_time: 0.049, memory: 16105, decode.loss_ce: 0.1972, decode.acc_seg: 91.7267, aux.loss_ce: 0.1559, aux.acc_seg: 85.3622, loss: 0.3531, grad_norm: 3.2592 2023-11-14 05:34:46,859 - mmseg - INFO - Iter [109950/160000] lr: 5.959e-07, eta: 5:44:13, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2032, decode.acc_seg: 91.6310, aux.loss_ce: 0.1483, aux.acc_seg: 85.5656, loss: 0.3515, grad_norm: 3.4416 2023-11-14 05:35:06,816 - mmseg - INFO - Saving checkpoint at 110000 iterations 2023-11-14 05:35:14,942 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:35:14,943 - mmseg - INFO - Iter [110000/160000] lr: 5.953e-07, eta: 5:43:56, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2115, decode.acc_seg: 91.1892, aux.loss_ce: 0.1573, aux.acc_seg: 84.9039, loss: 0.3688, grad_norm: 5.5891 2023-11-14 05:35:34,917 - mmseg - INFO - Iter [110050/160000] lr: 5.947e-07, eta: 5:43:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.7760, aux.loss_ce: 0.1490, aux.acc_seg: 85.6907, loss: 0.3479, grad_norm: 4.4200 2023-11-14 05:35:54,827 - mmseg - INFO - Iter [110100/160000] lr: 5.941e-07, eta: 5:43:14, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2002, decode.acc_seg: 91.5820, aux.loss_ce: 0.1505, aux.acc_seg: 85.4546, loss: 0.3507, grad_norm: 3.3471 2023-11-14 05:36:14,804 - mmseg - INFO - Iter [110150/160000] lr: 5.935e-07, eta: 5:42:53, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1935, decode.acc_seg: 91.8620, aux.loss_ce: 0.1504, aux.acc_seg: 85.6454, loss: 0.3439, grad_norm: 3.1872 2023-11-14 05:36:34,885 - mmseg - INFO - Iter [110200/160000] lr: 5.929e-07, eta: 5:42:32, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2039, decode.acc_seg: 91.5592, aux.loss_ce: 0.1464, aux.acc_seg: 86.0840, loss: 0.3503, grad_norm: 3.1987 2023-11-14 05:36:55,132 - mmseg - INFO - Iter [110250/160000] lr: 5.923e-07, eta: 5:42:11, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2080, decode.acc_seg: 91.4789, aux.loss_ce: 0.1575, aux.acc_seg: 84.9703, loss: 0.3655, grad_norm: 3.4325 2023-11-14 05:37:15,229 - mmseg - INFO - Iter [110300/160000] lr: 5.917e-07, eta: 5:41:50, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2117, decode.acc_seg: 91.3908, aux.loss_ce: 0.1609, aux.acc_seg: 84.9830, loss: 0.3726, grad_norm: 3.8722 2023-11-14 05:37:35,120 - mmseg - INFO - Iter [110350/160000] lr: 5.911e-07, eta: 5:41:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2012, decode.acc_seg: 91.7413, aux.loss_ce: 0.1497, aux.acc_seg: 86.0989, loss: 0.3509, grad_norm: 3.8880 2023-11-14 05:37:55,016 - mmseg - INFO - Iter [110400/160000] lr: 5.906e-07, eta: 5:41:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1931, decode.acc_seg: 91.7123, aux.loss_ce: 0.1422, aux.acc_seg: 86.4869, loss: 0.3353, grad_norm: 3.2025 2023-11-14 05:38:14,975 - mmseg - INFO - Iter [110450/160000] lr: 5.900e-07, eta: 5:40:47, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1942, decode.acc_seg: 91.9310, aux.loss_ce: 0.1458, aux.acc_seg: 86.4210, loss: 0.3400, grad_norm: 3.4776 2023-11-14 05:38:34,946 - mmseg - INFO - Iter [110500/160000] lr: 5.894e-07, eta: 5:40:27, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2006, decode.acc_seg: 91.5742, aux.loss_ce: 0.1488, aux.acc_seg: 86.0524, loss: 0.3494, grad_norm: 4.0156 2023-11-14 05:38:54,857 - mmseg - INFO - Iter [110550/160000] lr: 5.888e-07, eta: 5:40:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2070, decode.acc_seg: 91.3437, aux.loss_ce: 0.1609, aux.acc_seg: 84.8362, loss: 0.3678, grad_norm: 3.9047 2023-11-14 05:39:14,905 - mmseg - INFO - Iter [110600/160000] lr: 5.882e-07, eta: 5:39:45, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1987, decode.acc_seg: 91.5904, aux.loss_ce: 0.1466, aux.acc_seg: 85.8631, loss: 0.3453, grad_norm: 3.1536 2023-11-14 05:39:35,077 - mmseg - INFO - Iter [110650/160000] lr: 5.876e-07, eta: 5:39:24, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2034, decode.acc_seg: 91.3476, aux.loss_ce: 0.1533, aux.acc_seg: 85.2690, loss: 0.3567, grad_norm: 4.2126 2023-11-14 05:39:55,432 - mmseg - INFO - Iter [110700/160000] lr: 5.870e-07, eta: 5:39:03, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2132, decode.acc_seg: 90.9218, aux.loss_ce: 0.1549, aux.acc_seg: 85.0088, loss: 0.3680, grad_norm: 3.9804 2023-11-14 05:40:15,456 - mmseg - INFO - Iter [110750/160000] lr: 5.864e-07, eta: 5:38:42, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2022, decode.acc_seg: 91.5272, aux.loss_ce: 0.1472, aux.acc_seg: 85.9697, loss: 0.3494, grad_norm: 3.1232 2023-11-14 05:40:35,506 - mmseg - INFO - Iter [110800/160000] lr: 5.858e-07, eta: 5:38:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.5771, aux.loss_ce: 0.1471, aux.acc_seg: 85.8921, loss: 0.3489, grad_norm: 3.3553 2023-11-14 05:40:55,484 - mmseg - INFO - Iter [110850/160000] lr: 5.852e-07, eta: 5:38:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2051, decode.acc_seg: 91.4627, aux.loss_ce: 0.1489, aux.acc_seg: 85.6651, loss: 0.3541, grad_norm: 3.5151 2023-11-14 05:41:15,401 - mmseg - INFO - Iter [110900/160000] lr: 5.846e-07, eta: 5:37:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2124, decode.acc_seg: 91.1616, aux.loss_ce: 0.1506, aux.acc_seg: 85.9294, loss: 0.3630, grad_norm: 3.8457 2023-11-14 05:41:35,454 - mmseg - INFO - Iter [110950/160000] lr: 5.840e-07, eta: 5:37:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2014, decode.acc_seg: 91.4676, aux.loss_ce: 0.1451, aux.acc_seg: 86.1631, loss: 0.3464, grad_norm: 3.3529 2023-11-14 05:41:55,396 - mmseg - INFO - Saving checkpoint at 111000 iterations 2023-11-14 05:42:03,505 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:42:03,505 - mmseg - INFO - Iter [111000/160000] lr: 5.834e-07, eta: 5:37:01, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2063, decode.acc_seg: 91.2122, aux.loss_ce: 0.1474, aux.acc_seg: 85.4888, loss: 0.3537, grad_norm: 3.9214 2023-11-14 05:42:23,466 - mmseg - INFO - Iter [111050/160000] lr: 5.828e-07, eta: 5:36:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2145, decode.acc_seg: 91.3272, aux.loss_ce: 0.1573, aux.acc_seg: 85.1709, loss: 0.3717, grad_norm: 3.8056 2023-11-14 05:42:43,526 - mmseg - INFO - Iter [111100/160000] lr: 5.822e-07, eta: 5:36:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2031, decode.acc_seg: 91.3576, aux.loss_ce: 0.1483, aux.acc_seg: 85.6545, loss: 0.3514, grad_norm: 3.2033 2023-11-14 05:43:06,159 - mmseg - INFO - Iter [111150/160000] lr: 5.816e-07, eta: 5:36:00, time: 0.453, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2137, decode.acc_seg: 91.2185, aux.loss_ce: 0.1556, aux.acc_seg: 85.2688, loss: 0.3693, grad_norm: 3.7513 2023-11-14 05:43:26,257 - mmseg - INFO - Iter [111200/160000] lr: 5.810e-07, eta: 5:35:39, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1936, decode.acc_seg: 91.8615, aux.loss_ce: 0.1425, aux.acc_seg: 86.1393, loss: 0.3361, grad_norm: 3.3408 2023-11-14 05:43:46,179 - mmseg - INFO - Iter [111250/160000] lr: 5.804e-07, eta: 5:35:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2055, decode.acc_seg: 91.3524, aux.loss_ce: 0.1477, aux.acc_seg: 86.0639, loss: 0.3531, grad_norm: 3.1226 2023-11-14 05:44:06,157 - mmseg - INFO - Iter [111300/160000] lr: 5.798e-07, eta: 5:34:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2046, decode.acc_seg: 91.4944, aux.loss_ce: 0.1566, aux.acc_seg: 85.2826, loss: 0.3612, grad_norm: 3.3084 2023-11-14 05:44:26,090 - mmseg - INFO - Iter [111350/160000] lr: 5.792e-07, eta: 5:34:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 91.3208, aux.loss_ce: 0.1566, aux.acc_seg: 85.5130, loss: 0.3675, grad_norm: 3.8535 2023-11-14 05:44:46,026 - mmseg - INFO - Iter [111400/160000] lr: 5.786e-07, eta: 5:34:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2000, decode.acc_seg: 91.6286, aux.loss_ce: 0.1496, aux.acc_seg: 85.4805, loss: 0.3496, grad_norm: 3.5503 2023-11-14 05:45:05,971 - mmseg - INFO - Iter [111450/160000] lr: 5.781e-07, eta: 5:33:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2063, decode.acc_seg: 91.5268, aux.loss_ce: 0.1546, aux.acc_seg: 85.6396, loss: 0.3610, grad_norm: 4.0745 2023-11-14 05:45:25,993 - mmseg - INFO - Iter [111500/160000] lr: 5.775e-07, eta: 5:33:33, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1897, decode.acc_seg: 91.9331, aux.loss_ce: 0.1366, aux.acc_seg: 86.6443, loss: 0.3263, grad_norm: 3.6934 2023-11-14 05:45:46,155 - mmseg - INFO - Iter [111550/160000] lr: 5.769e-07, eta: 5:33:12, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2153, decode.acc_seg: 91.2938, aux.loss_ce: 0.1503, aux.acc_seg: 85.7235, loss: 0.3656, grad_norm: 4.2651 2023-11-14 05:46:06,523 - mmseg - INFO - Iter [111600/160000] lr: 5.763e-07, eta: 5:32:52, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1993, decode.acc_seg: 91.5350, aux.loss_ce: 0.1529, aux.acc_seg: 85.1651, loss: 0.3522, grad_norm: 4.5068 2023-11-14 05:46:26,745 - mmseg - INFO - Iter [111650/160000] lr: 5.757e-07, eta: 5:32:31, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1933, decode.acc_seg: 91.6637, aux.loss_ce: 0.1434, aux.acc_seg: 85.9780, loss: 0.3367, grad_norm: 3.2543 2023-11-14 05:46:46,695 - mmseg - INFO - Iter [111700/160000] lr: 5.751e-07, eta: 5:32:10, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2032, decode.acc_seg: 91.3414, aux.loss_ce: 0.1517, aux.acc_seg: 85.5681, loss: 0.3549, grad_norm: 3.6737 2023-11-14 05:47:06,647 - mmseg - INFO - Iter [111750/160000] lr: 5.745e-07, eta: 5:31:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2008, decode.acc_seg: 91.5475, aux.loss_ce: 0.1517, aux.acc_seg: 85.8016, loss: 0.3525, grad_norm: 3.2632 2023-11-14 05:47:26,607 - mmseg - INFO - Iter [111800/160000] lr: 5.739e-07, eta: 5:31:28, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2035, decode.acc_seg: 91.6058, aux.loss_ce: 0.1518, aux.acc_seg: 85.7612, loss: 0.3554, grad_norm: 3.7879 2023-11-14 05:47:46,585 - mmseg - INFO - Iter [111850/160000] lr: 5.733e-07, eta: 5:31:07, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2203, decode.acc_seg: 90.8631, aux.loss_ce: 0.1593, aux.acc_seg: 85.2668, loss: 0.3796, grad_norm: 3.7853 2023-11-14 05:48:06,445 - mmseg - INFO - Iter [111900/160000] lr: 5.727e-07, eta: 5:30:46, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2098, decode.acc_seg: 91.2871, aux.loss_ce: 0.1566, aux.acc_seg: 85.3527, loss: 0.3664, grad_norm: 4.4759 2023-11-14 05:48:26,462 - mmseg - INFO - Iter [111950/160000] lr: 5.721e-07, eta: 5:30:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2037, decode.acc_seg: 91.4304, aux.loss_ce: 0.1492, aux.acc_seg: 85.5059, loss: 0.3529, grad_norm: 3.8172 2023-11-14 05:48:46,421 - mmseg - INFO - Saving checkpoint at 112000 iterations 2023-11-14 05:48:54,506 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:48:54,506 - mmseg - INFO - Iter [112000/160000] lr: 5.715e-07, eta: 5:30:08, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2116, decode.acc_seg: 90.9116, aux.loss_ce: 0.1546, aux.acc_seg: 85.3651, loss: 0.3661, grad_norm: 3.5173 2023-11-14 05:49:11,023 - mmseg - INFO - per class results: 2023-11-14 05:49:11,028 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.67 | 88.75 | | building | 84.14 | 93.33 | | sky | 94.77 | 97.67 | | floor | 84.02 | 91.09 | | tree | 76.16 | 88.3 | | ceiling | 86.35 | 93.65 | | road | 84.86 | 91.95 | | bed | 91.93 | 97.54 | | windowpane | 64.81 | 82.02 | | grass | 67.75 | 81.67 | | cabinet | 63.92 | 76.25 | | sidewalk | 67.65 | 81.33 | | person | 84.21 | 93.58 | | earth | 37.83 | 51.67 | | door | 57.15 | 71.7 | | table | 66.57 | 81.62 | | mountain | 63.19 | 79.81 | | plant | 54.82 | 65.29 | | curtain | 78.25 | 87.6 | | chair | 63.49 | 74.34 | | car | 87.02 | 93.93 | | water | 61.07 | 74.48 | | painting | 75.2 | 90.93 | | sofa | 74.18 | 88.31 | | shelf | 49.96 | 67.53 | | house | 54.15 | 73.09 | | sea | 68.48 | 85.05 | | mirror | 73.23 | 81.13 | | rug | 68.07 | 81.03 | | field | 35.09 | 53.72 | | armchair | 48.52 | 63.43 | | seat | 63.46 | 85.79 | | fence | 50.82 | 69.36 | | desk | 54.2 | 70.52 | | rock | 55.11 | 73.22 | | wardrobe | 50.09 | 69.48 | | lamp | 69.76 | 81.04 | | bathtub | 82.47 | 85.58 | | railing | 38.14 | 55.27 | | cushion | 68.22 | 79.41 | | base | 36.02 | 45.47 | | box | 34.83 | 42.85 | | column | 52.59 | 69.09 | | signboard | 39.37 | 50.24 | | chest of drawers | 37.94 | 58.98 | | counter | 44.81 | 57.17 | | sand | 50.23 | 66.29 | | sink | 80.35 | 87.64 | | skyscraper | 48.14 | 54.1 | | fireplace | 72.61 | 92.21 | | refrigerator | 78.24 | 85.72 | | grandstand | 47.94 | 80.27 | | path | 22.67 | 35.39 | | stairs | 34.4 | 45.03 | | runway | 67.53 | 89.05 | | case | 60.76 | 78.38 | | pool table | 94.06 | 97.54 | | pillow | 63.95 | 74.55 | | screen door | 80.12 | 85.8 | | stairway | 40.43 | 48.06 | | river | 12.25 | 28.5 | | bridge | 58.62 | 65.09 | | bookcase | 43.83 | 68.61 | | blind | 47.64 | 56.18 | | coffee table | 63.41 | 84.18 | | toilet | 88.53 | 93.64 | | flower | 47.6 | 61.82 | | book | 51.36 | 77.04 | | hill | 9.28 | 12.26 | | bench | 62.36 | 76.26 | | countertop | 60.85 | 79.08 | | stove | 81.31 | 86.82 | | palm | 53.4 | 76.19 | | kitchen island | 44.3 | 82.66 | | computer | 74.26 | 86.95 | | swivel chair | 58.45 | 81.47 | | boat | 69.13 | 77.44 | | bar | 52.95 | 63.83 | | arcade machine | 69.7 | 73.48 | | hovel | 64.57 | 75.22 | | bus | 89.58 | 97.42 | | towel | 73.0 | 86.35 | | light | 60.41 | 71.92 | | truck | 42.92 | 56.47 | | tower | 30.58 | 50.13 | | chandelier | 72.08 | 88.45 | | awning | 39.73 | 46.76 | | streetlight | 34.3 | 45.84 | | booth | 37.75 | 46.16 | | television receiver | 80.95 | 86.44 | | airplane | 69.47 | 74.62 | | dirt track | 16.22 | 32.09 | | apparel | 53.03 | 65.19 | | pole | 31.05 | 43.12 | | land | 5.2 | 6.88 | | bannister | 18.28 | 23.81 | | escalator | 54.45 | 76.47 | | ottoman | 52.33 | 69.56 | | bottle | 42.27 | 65.94 | | buffet | 41.58 | 45.84 | | poster | 31.49 | 44.68 | | stage | 23.35 | 39.88 | | van | 41.23 | 60.13 | | ship | 56.43 | 67.32 | | fountain | 30.37 | 31.34 | | conveyer belt | 82.54 | 92.42 | | canopy | 42.97 | 62.08 | | washer | 78.39 | 80.45 | | plaything | 39.1 | 53.97 | | swimming pool | 60.11 | 66.03 | | stool | 49.52 | 63.59 | | barrel | 82.09 | 91.81 | | basket | 41.37 | 55.82 | | waterfall | 63.33 | 72.86 | | tent | 96.24 | 98.5 | | bag | 22.33 | 26.87 | | minibike | 74.56 | 88.31 | | cradle | 85.19 | 97.88 | | oven | 49.46 | 71.03 | | ball | 35.33 | 37.24 | | food | 58.6 | 72.52 | | step | 13.06 | 15.62 | | tank | 63.52 | 65.84 | | trade name | 31.91 | 37.89 | | microwave | 82.18 | 90.45 | | pot | 51.31 | 59.11 | | animal | 59.68 | 61.64 | | bicycle | 61.89 | 80.75 | | lake | 51.26 | 63.81 | | dishwasher | 75.92 | 82.92 | | screen | 57.51 | 86.7 | | blanket | 24.75 | 29.5 | | sculpture | 75.29 | 87.95 | | hood | 61.91 | 72.69 | | sconce | 54.02 | 66.76 | | vase | 46.65 | 63.81 | | traffic light | 40.39 | 60.12 | | tray | 10.39 | 14.28 | | ashcan | 48.43 | 66.31 | | fan | 66.18 | 80.3 | | pier | 32.87 | 43.39 | | crt screen | 5.52 | 14.59 | | plate | 60.26 | 78.65 | | monitor | 4.99 | 5.96 | | bulletin board | 53.79 | 71.27 | | shower | 3.57 | 4.42 | | radiator | 66.4 | 75.11 | | glass | 19.52 | 20.89 | | clock | 44.99 | 51.11 | | flag | 66.51 | 72.97 | +---------------------+-------+-------+ 2023-11-14 05:49:11,028 - mmseg - INFO - Summary: 2023-11-14 05:49:11,028 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.25 | 55.36 | 67.47 | +-------+-------+-------+ 2023-11-14 05:49:11,029 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:49:11,029 - mmseg - INFO - Iter(val) [250] aAcc: 0.8525, mIoU: 0.5536, mAcc: 0.6747, IoU.wall: 0.8067, IoU.building: 0.8414, IoU.sky: 0.9477, IoU.floor: 0.8402, IoU.tree: 0.7616, IoU.ceiling: 0.8635, IoU.road: 0.8486, IoU.bed : 0.9193, IoU.windowpane: 0.6481, IoU.grass: 0.6775, IoU.cabinet: 0.6392, IoU.sidewalk: 0.6765, IoU.person: 0.8421, IoU.earth: 0.3783, IoU.door: 0.5715, IoU.table: 0.6657, IoU.mountain: 0.6319, IoU.plant: 0.5482, IoU.curtain: 0.7825, IoU.chair: 0.6349, IoU.car: 0.8702, IoU.water: 0.6107, IoU.painting: 0.7520, IoU.sofa: 0.7418, IoU.shelf: 0.4996, IoU.house: 0.5415, IoU.sea: 0.6848, IoU.mirror: 0.7323, IoU.rug: 0.6807, IoU.field: 0.3509, IoU.armchair: 0.4852, IoU.seat: 0.6346, IoU.fence: 0.5082, IoU.desk: 0.5420, IoU.rock: 0.5511, IoU.wardrobe: 0.5009, IoU.lamp: 0.6976, IoU.bathtub: 0.8247, IoU.railing: 0.3814, IoU.cushion: 0.6822, IoU.base: 0.3602, IoU.box: 0.3483, IoU.column: 0.5259, IoU.signboard: 0.3937, IoU.chest of drawers: 0.3794, IoU.counter: 0.4481, IoU.sand: 0.5023, IoU.sink: 0.8035, IoU.skyscraper: 0.4814, IoU.fireplace: 0.7261, IoU.refrigerator: 0.7824, IoU.grandstand: 0.4794, IoU.path: 0.2267, IoU.stairs: 0.3440, IoU.runway: 0.6753, IoU.case: 0.6076, IoU.pool table: 0.9406, IoU.pillow: 0.6395, IoU.screen door: 0.8012, IoU.stairway: 0.4043, IoU.river: 0.1225, IoU.bridge: 0.5862, IoU.bookcase: 0.4383, IoU.blind: 0.4764, IoU.coffee table: 0.6341, IoU.toilet: 0.8853, IoU.flower: 0.4760, IoU.book: 0.5136, IoU.hill: 0.0928, IoU.bench: 0.6236, IoU.countertop: 0.6085, IoU.stove: 0.8131, IoU.palm: 0.5340, IoU.kitchen island: 0.4430, IoU.computer: 0.7426, IoU.swivel chair: 0.5845, IoU.boat: 0.6913, IoU.bar: 0.5295, IoU.arcade machine: 0.6970, IoU.hovel: 0.6457, IoU.bus: 0.8958, IoU.towel: 0.7300, IoU.light: 0.6041, IoU.truck: 0.4292, IoU.tower: 0.3058, IoU.chandelier: 0.7208, IoU.awning: 0.3973, IoU.streetlight: 0.3430, IoU.booth: 0.3775, IoU.television receiver: 0.8095, IoU.airplane: 0.6947, IoU.dirt track: 0.1622, IoU.apparel: 0.5303, IoU.pole: 0.3105, IoU.land: 0.0520, IoU.bannister: 0.1828, IoU.escalator: 0.5445, IoU.ottoman: 0.5233, IoU.bottle: 0.4227, IoU.buffet: 0.4158, IoU.poster: 0.3149, IoU.stage: 0.2335, IoU.van: 0.4123, IoU.ship: 0.5643, IoU.fountain: 0.3037, IoU.conveyer belt: 0.8254, IoU.canopy: 0.4297, IoU.washer: 0.7839, IoU.plaything: 0.3910, IoU.swimming pool: 0.6011, IoU.stool: 0.4952, IoU.barrel: 0.8209, IoU.basket: 0.4137, IoU.waterfall: 0.6333, IoU.tent: 0.9624, IoU.bag: 0.2233, IoU.minibike: 0.7456, IoU.cradle: 0.8519, IoU.oven: 0.4946, IoU.ball: 0.3533, IoU.food: 0.5860, IoU.step: 0.1306, IoU.tank: 0.6352, IoU.trade name: 0.3191, IoU.microwave: 0.8218, IoU.pot: 0.5131, IoU.animal: 0.5968, IoU.bicycle: 0.6189, IoU.lake: 0.5126, IoU.dishwasher: 0.7592, IoU.screen: 0.5751, IoU.blanket: 0.2475, IoU.sculpture: 0.7529, IoU.hood: 0.6191, IoU.sconce: 0.5402, IoU.vase: 0.4665, IoU.traffic light: 0.4039, IoU.tray: 0.1039, IoU.ashcan: 0.4843, IoU.fan: 0.6618, IoU.pier: 0.3287, IoU.crt screen: 0.0552, IoU.plate: 0.6026, IoU.monitor: 0.0499, IoU.bulletin board: 0.5379, IoU.shower: 0.0357, IoU.radiator: 0.6640, IoU.glass: 0.1952, IoU.clock: 0.4499, IoU.flag: 0.6651, Acc.wall: 0.8875, Acc.building: 0.9333, Acc.sky: 0.9767, Acc.floor: 0.9109, Acc.tree: 0.8830, Acc.ceiling: 0.9365, Acc.road: 0.9195, Acc.bed : 0.9754, Acc.windowpane: 0.8202, Acc.grass: 0.8167, Acc.cabinet: 0.7625, Acc.sidewalk: 0.8133, Acc.person: 0.9358, Acc.earth: 0.5167, Acc.door: 0.7170, Acc.table: 0.8162, Acc.mountain: 0.7981, Acc.plant: 0.6529, Acc.curtain: 0.8760, Acc.chair: 0.7434, Acc.car: 0.9393, Acc.water: 0.7448, Acc.painting: 0.9093, Acc.sofa: 0.8831, Acc.shelf: 0.6753, Acc.house: 0.7309, Acc.sea: 0.8505, Acc.mirror: 0.8113, Acc.rug: 0.8103, Acc.field: 0.5372, Acc.armchair: 0.6343, Acc.seat: 0.8579, Acc.fence: 0.6936, Acc.desk: 0.7052, Acc.rock: 0.7322, Acc.wardrobe: 0.6948, Acc.lamp: 0.8104, Acc.bathtub: 0.8558, Acc.railing: 0.5527, Acc.cushion: 0.7941, Acc.base: 0.4547, Acc.box: 0.4285, Acc.column: 0.6909, Acc.signboard: 0.5024, Acc.chest of drawers: 0.5898, Acc.counter: 0.5717, Acc.sand: 0.6629, Acc.sink: 0.8764, Acc.skyscraper: 0.5410, Acc.fireplace: 0.9221, Acc.refrigerator: 0.8572, Acc.grandstand: 0.8027, Acc.path: 0.3539, Acc.stairs: 0.4503, Acc.runway: 0.8905, Acc.case: 0.7838, Acc.pool table: 0.9754, Acc.pillow: 0.7455, Acc.screen door: 0.8580, Acc.stairway: 0.4806, Acc.river: 0.2850, Acc.bridge: 0.6509, Acc.bookcase: 0.6861, Acc.blind: 0.5618, Acc.coffee table: 0.8418, Acc.toilet: 0.9364, Acc.flower: 0.6182, Acc.book: 0.7704, Acc.hill: 0.1226, Acc.bench: 0.7626, Acc.countertop: 0.7908, Acc.stove: 0.8682, Acc.palm: 0.7619, Acc.kitchen island: 0.8266, Acc.computer: 0.8695, Acc.swivel chair: 0.8147, Acc.boat: 0.7744, Acc.bar: 0.6383, Acc.arcade machine: 0.7348, Acc.hovel: 0.7522, Acc.bus: 0.9742, Acc.towel: 0.8635, Acc.light: 0.7192, Acc.truck: 0.5647, Acc.tower: 0.5013, Acc.chandelier: 0.8845, Acc.awning: 0.4676, Acc.streetlight: 0.4584, Acc.booth: 0.4616, Acc.television receiver: 0.8644, Acc.airplane: 0.7462, Acc.dirt track: 0.3209, Acc.apparel: 0.6519, Acc.pole: 0.4312, Acc.land: 0.0688, Acc.bannister: 0.2381, Acc.escalator: 0.7647, Acc.ottoman: 0.6956, Acc.bottle: 0.6594, Acc.buffet: 0.4584, Acc.poster: 0.4468, Acc.stage: 0.3988, Acc.van: 0.6013, Acc.ship: 0.6732, Acc.fountain: 0.3134, Acc.conveyer belt: 0.9242, Acc.canopy: 0.6208, Acc.washer: 0.8045, Acc.plaything: 0.5397, Acc.swimming pool: 0.6603, Acc.stool: 0.6359, Acc.barrel: 0.9181, Acc.basket: 0.5582, Acc.waterfall: 0.7286, Acc.tent: 0.9850, Acc.bag: 0.2687, Acc.minibike: 0.8831, Acc.cradle: 0.9788, Acc.oven: 0.7103, Acc.ball: 0.3724, Acc.food: 0.7252, Acc.step: 0.1562, Acc.tank: 0.6584, Acc.trade name: 0.3789, Acc.microwave: 0.9045, Acc.pot: 0.5911, Acc.animal: 0.6164, Acc.bicycle: 0.8075, Acc.lake: 0.6381, Acc.dishwasher: 0.8292, Acc.screen: 0.8670, Acc.blanket: 0.2950, Acc.sculpture: 0.8795, Acc.hood: 0.7269, Acc.sconce: 0.6676, Acc.vase: 0.6381, Acc.traffic light: 0.6012, Acc.tray: 0.1428, Acc.ashcan: 0.6631, Acc.fan: 0.8030, Acc.pier: 0.4339, Acc.crt screen: 0.1459, Acc.plate: 0.7865, Acc.monitor: 0.0596, Acc.bulletin board: 0.7127, Acc.shower: 0.0442, Acc.radiator: 0.7511, Acc.glass: 0.2089, Acc.clock: 0.5111, Acc.flag: 0.7297 2023-11-14 05:49:31,624 - mmseg - INFO - Iter [112050/160000] lr: 5.709e-07, eta: 5:29:54, time: 0.742, data_time: 0.336, memory: 16105, decode.loss_ce: 0.2080, decode.acc_seg: 91.1990, aux.loss_ce: 0.1623, aux.acc_seg: 84.3469, loss: 0.3703, grad_norm: 3.9838 2023-11-14 05:49:51,852 - mmseg - INFO - Iter [112100/160000] lr: 5.703e-07, eta: 5:29:33, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1980, decode.acc_seg: 91.7577, aux.loss_ce: 0.1430, aux.acc_seg: 86.2578, loss: 0.3410, grad_norm: 3.7855 2023-11-14 05:50:11,821 - mmseg - INFO - Iter [112150/160000] lr: 5.697e-07, eta: 5:29:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2166, decode.acc_seg: 91.2379, aux.loss_ce: 0.1482, aux.acc_seg: 86.0123, loss: 0.3647, grad_norm: 4.3198 2023-11-14 05:50:31,724 - mmseg - INFO - Iter [112200/160000] lr: 5.691e-07, eta: 5:28:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2062, decode.acc_seg: 91.2417, aux.loss_ce: 0.1512, aux.acc_seg: 85.8912, loss: 0.3574, grad_norm: 4.2473 2023-11-14 05:50:51,577 - mmseg - INFO - Iter [112250/160000] lr: 5.685e-07, eta: 5:28:30, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2017, decode.acc_seg: 91.6707, aux.loss_ce: 0.1534, aux.acc_seg: 85.7034, loss: 0.3551, grad_norm: 3.0958 2023-11-14 05:51:11,690 - mmseg - INFO - Iter [112300/160000] lr: 5.679e-07, eta: 5:28:10, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2007, decode.acc_seg: 91.4048, aux.loss_ce: 0.1447, aux.acc_seg: 85.8305, loss: 0.3453, grad_norm: 3.8758 2023-11-14 05:51:31,624 - mmseg - INFO - Iter [112350/160000] lr: 5.673e-07, eta: 5:27:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1996, decode.acc_seg: 91.6177, aux.loss_ce: 0.1421, aux.acc_seg: 86.5837, loss: 0.3417, grad_norm: 2.9896 2023-11-14 05:51:51,499 - mmseg - INFO - Iter [112400/160000] lr: 5.667e-07, eta: 5:27:28, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2099, decode.acc_seg: 91.2714, aux.loss_ce: 0.1491, aux.acc_seg: 85.6470, loss: 0.3590, grad_norm: 3.6501 2023-11-14 05:52:13,702 - mmseg - INFO - Iter [112450/160000] lr: 5.661e-07, eta: 5:27:08, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.2020, decode.acc_seg: 91.6816, aux.loss_ce: 0.1472, aux.acc_seg: 86.1094, loss: 0.3492, grad_norm: 3.7754 2023-11-14 05:52:34,085 - mmseg - INFO - Iter [112500/160000] lr: 5.656e-07, eta: 5:26:47, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2053, decode.acc_seg: 91.3348, aux.loss_ce: 0.1516, aux.acc_seg: 85.3655, loss: 0.3570, grad_norm: 3.5396 2023-11-14 05:52:54,108 - mmseg - INFO - Iter [112550/160000] lr: 5.650e-07, eta: 5:26:26, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2131, decode.acc_seg: 91.5971, aux.loss_ce: 0.1572, aux.acc_seg: 85.3868, loss: 0.3703, grad_norm: 3.8103 2023-11-14 05:53:14,060 - mmseg - INFO - Iter [112600/160000] lr: 5.644e-07, eta: 5:26:05, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2105, decode.acc_seg: 91.4212, aux.loss_ce: 0.1547, aux.acc_seg: 85.7109, loss: 0.3652, grad_norm: 3.6735 2023-11-14 05:53:34,270 - mmseg - INFO - Iter [112650/160000] lr: 5.638e-07, eta: 5:25:44, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1949, decode.acc_seg: 91.6171, aux.loss_ce: 0.1475, aux.acc_seg: 85.6801, loss: 0.3424, grad_norm: 3.8389 2023-11-14 05:53:54,190 - mmseg - INFO - Iter [112700/160000] lr: 5.632e-07, eta: 5:25:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2031, decode.acc_seg: 91.6701, aux.loss_ce: 0.1524, aux.acc_seg: 85.6883, loss: 0.3555, grad_norm: 4.1868 2023-11-14 05:54:14,067 - mmseg - INFO - Iter [112750/160000] lr: 5.626e-07, eta: 5:25:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1979, decode.acc_seg: 91.6822, aux.loss_ce: 0.1492, aux.acc_seg: 85.5150, loss: 0.3470, grad_norm: 3.1430 2023-11-14 05:54:34,026 - mmseg - INFO - Iter [112800/160000] lr: 5.620e-07, eta: 5:24:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1926, decode.acc_seg: 91.9799, aux.loss_ce: 0.1449, aux.acc_seg: 86.4329, loss: 0.3375, grad_norm: 3.1917 2023-11-14 05:54:53,955 - mmseg - INFO - Iter [112850/160000] lr: 5.614e-07, eta: 5:24:21, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1993, decode.acc_seg: 91.5839, aux.loss_ce: 0.1479, aux.acc_seg: 85.7867, loss: 0.3472, grad_norm: 3.1624 2023-11-14 05:55:13,946 - mmseg - INFO - Iter [112900/160000] lr: 5.608e-07, eta: 5:24:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2149, decode.acc_seg: 91.1990, aux.loss_ce: 0.1586, aux.acc_seg: 85.1826, loss: 0.3734, grad_norm: 4.0385 2023-11-14 05:55:34,155 - mmseg - INFO - Iter [112950/160000] lr: 5.602e-07, eta: 5:23:39, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2178, decode.acc_seg: 91.0531, aux.loss_ce: 0.1613, aux.acc_seg: 84.8184, loss: 0.3791, grad_norm: 4.1216 2023-11-14 05:55:54,181 - mmseg - INFO - Saving checkpoint at 113000 iterations 2023-11-14 05:56:02,057 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 05:56:02,058 - mmseg - INFO - Iter [113000/160000] lr: 5.596e-07, eta: 5:23:21, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2073, decode.acc_seg: 91.3632, aux.loss_ce: 0.1591, aux.acc_seg: 84.9667, loss: 0.3663, grad_norm: 3.4018 2023-11-14 05:56:22,108 - mmseg - INFO - Iter [113050/160000] lr: 5.590e-07, eta: 5:23:00, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2031, decode.acc_seg: 91.4815, aux.loss_ce: 0.1480, aux.acc_seg: 85.8593, loss: 0.3511, grad_norm: 3.1408 2023-11-14 05:56:41,992 - mmseg - INFO - Iter [113100/160000] lr: 5.584e-07, eta: 5:22:39, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1976, decode.acc_seg: 91.8250, aux.loss_ce: 0.1499, aux.acc_seg: 85.9156, loss: 0.3475, grad_norm: 3.2277 2023-11-14 05:57:01,923 - mmseg - INFO - Iter [113150/160000] lr: 5.578e-07, eta: 5:22:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2003, decode.acc_seg: 91.6245, aux.loss_ce: 0.1478, aux.acc_seg: 86.1769, loss: 0.3482, grad_norm: 3.0629 2023-11-14 05:57:21,955 - mmseg - INFO - Iter [113200/160000] lr: 5.572e-07, eta: 5:21:58, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2110, decode.acc_seg: 91.2158, aux.loss_ce: 0.1548, aux.acc_seg: 85.3142, loss: 0.3658, grad_norm: 3.6653 2023-11-14 05:57:41,844 - mmseg - INFO - Iter [113250/160000] lr: 5.566e-07, eta: 5:21:37, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2015, decode.acc_seg: 91.6655, aux.loss_ce: 0.1496, aux.acc_seg: 85.4339, loss: 0.3512, grad_norm: 3.2706 2023-11-14 05:58:01,713 - mmseg - INFO - Iter [113300/160000] lr: 5.560e-07, eta: 5:21:16, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2080, decode.acc_seg: 91.2374, aux.loss_ce: 0.1558, aux.acc_seg: 85.1543, loss: 0.3639, grad_norm: 3.0908 2023-11-14 05:58:21,779 - mmseg - INFO - Iter [113350/160000] lr: 5.554e-07, eta: 5:20:55, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2104, decode.acc_seg: 91.2120, aux.loss_ce: 0.1505, aux.acc_seg: 85.3975, loss: 0.3609, grad_norm: 3.9324 2023-11-14 05:58:41,940 - mmseg - INFO - Iter [113400/160000] lr: 5.548e-07, eta: 5:20:34, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2107, decode.acc_seg: 91.4639, aux.loss_ce: 0.1520, aux.acc_seg: 86.0480, loss: 0.3627, grad_norm: 4.6553 2023-11-14 05:59:02,143 - mmseg - INFO - Iter [113450/160000] lr: 5.542e-07, eta: 5:20:13, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2009, decode.acc_seg: 91.5839, aux.loss_ce: 0.1504, aux.acc_seg: 85.6992, loss: 0.3513, grad_norm: 3.4362 2023-11-14 05:59:22,050 - mmseg - INFO - Iter [113500/160000] lr: 5.536e-07, eta: 5:19:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2220, decode.acc_seg: 90.6890, aux.loss_ce: 0.1565, aux.acc_seg: 85.5349, loss: 0.3786, grad_norm: 5.1638 2023-11-14 05:59:41,957 - mmseg - INFO - Iter [113550/160000] lr: 5.530e-07, eta: 5:19:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2011, decode.acc_seg: 91.4823, aux.loss_ce: 0.1469, aux.acc_seg: 85.7666, loss: 0.3480, grad_norm: 3.6454 2023-11-14 06:00:01,985 - mmseg - INFO - Iter [113600/160000] lr: 5.525e-07, eta: 5:19:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2190, decode.acc_seg: 90.7936, aux.loss_ce: 0.1478, aux.acc_seg: 85.5466, loss: 0.3667, grad_norm: 4.1354 2023-11-14 06:00:21,979 - mmseg - INFO - Iter [113650/160000] lr: 5.519e-07, eta: 5:18:50, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1986, decode.acc_seg: 91.5261, aux.loss_ce: 0.1532, aux.acc_seg: 85.2272, loss: 0.3518, grad_norm: 4.0364 2023-11-14 06:00:44,200 - mmseg - INFO - Iter [113700/160000] lr: 5.513e-07, eta: 5:18:30, time: 0.444, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2196, decode.acc_seg: 91.2717, aux.loss_ce: 0.1571, aux.acc_seg: 85.4907, loss: 0.3767, grad_norm: 4.3010 2023-11-14 06:01:04,199 - mmseg - INFO - Iter [113750/160000] lr: 5.507e-07, eta: 5:18:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2025, decode.acc_seg: 91.6083, aux.loss_ce: 0.1541, aux.acc_seg: 85.6022, loss: 0.3565, grad_norm: 3.3007 2023-11-14 06:01:24,192 - mmseg - INFO - Iter [113800/160000] lr: 5.501e-07, eta: 5:17:48, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2054, decode.acc_seg: 91.4571, aux.loss_ce: 0.1562, aux.acc_seg: 85.2736, loss: 0.3616, grad_norm: 3.3818 2023-11-14 06:01:44,397 - mmseg - INFO - Iter [113850/160000] lr: 5.495e-07, eta: 5:17:27, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2108, decode.acc_seg: 91.3553, aux.loss_ce: 0.1586, aux.acc_seg: 85.2497, loss: 0.3694, grad_norm: 4.8256 2023-11-14 06:02:04,560 - mmseg - INFO - Iter [113900/160000] lr: 5.489e-07, eta: 5:17:06, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2085, decode.acc_seg: 91.4841, aux.loss_ce: 0.1566, aux.acc_seg: 85.1738, loss: 0.3650, grad_norm: 4.3853 2023-11-14 06:02:24,572 - mmseg - INFO - Iter [113950/160000] lr: 5.483e-07, eta: 5:16:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2164, decode.acc_seg: 91.0472, aux.loss_ce: 0.1561, aux.acc_seg: 85.2062, loss: 0.3726, grad_norm: 4.7383 2023-11-14 06:02:44,656 - mmseg - INFO - Saving checkpoint at 114000 iterations 2023-11-14 06:02:53,073 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:02:53,073 - mmseg - INFO - Iter [114000/160000] lr: 5.477e-07, eta: 5:16:28, time: 0.570, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1981, decode.acc_seg: 91.6689, aux.loss_ce: 0.1509, aux.acc_seg: 85.5849, loss: 0.3490, grad_norm: 3.6504 2023-11-14 06:03:13,235 - mmseg - INFO - Iter [114050/160000] lr: 5.471e-07, eta: 5:16:07, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.8141, aux.loss_ce: 0.1429, aux.acc_seg: 86.2586, loss: 0.3397, grad_norm: 3.2938 2023-11-14 06:03:33,189 - mmseg - INFO - Iter [114100/160000] lr: 5.465e-07, eta: 5:15:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1998, decode.acc_seg: 91.6740, aux.loss_ce: 0.1448, aux.acc_seg: 85.9376, loss: 0.3446, grad_norm: 4.0802 2023-11-14 06:03:53,152 - mmseg - INFO - Iter [114150/160000] lr: 5.459e-07, eta: 5:15:25, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2081, decode.acc_seg: 91.2299, aux.loss_ce: 0.1571, aux.acc_seg: 85.0110, loss: 0.3651, grad_norm: 3.6110 2023-11-14 06:04:13,163 - mmseg - INFO - Iter [114200/160000] lr: 5.453e-07, eta: 5:15:04, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1957, decode.acc_seg: 91.7983, aux.loss_ce: 0.1445, aux.acc_seg: 86.2516, loss: 0.3402, grad_norm: 3.4806 2023-11-14 06:04:33,191 - mmseg - INFO - Iter [114250/160000] lr: 5.447e-07, eta: 5:14:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2067, decode.acc_seg: 91.3790, aux.loss_ce: 0.1517, aux.acc_seg: 85.5606, loss: 0.3584, grad_norm: 3.4654 2023-11-14 06:04:53,201 - mmseg - INFO - Iter [114300/160000] lr: 5.441e-07, eta: 5:14:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2037, decode.acc_seg: 91.7819, aux.loss_ce: 0.1501, aux.acc_seg: 85.8756, loss: 0.3538, grad_norm: 3.3152 2023-11-14 06:05:13,528 - mmseg - INFO - Iter [114350/160000] lr: 5.435e-07, eta: 5:14:02, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2211, decode.acc_seg: 91.0958, aux.loss_ce: 0.1543, aux.acc_seg: 85.6156, loss: 0.3754, grad_norm: 4.5386 2023-11-14 06:05:33,477 - mmseg - INFO - Iter [114400/160000] lr: 5.429e-07, eta: 5:13:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1988, decode.acc_seg: 91.5797, aux.loss_ce: 0.1418, aux.acc_seg: 86.1535, loss: 0.3406, grad_norm: 3.4797 2023-11-14 06:05:53,393 - mmseg - INFO - Iter [114450/160000] lr: 5.423e-07, eta: 5:13:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2120, decode.acc_seg: 91.3254, aux.loss_ce: 0.1556, aux.acc_seg: 85.4604, loss: 0.3676, grad_norm: 3.9519 2023-11-14 06:06:13,304 - mmseg - INFO - Iter [114500/160000] lr: 5.417e-07, eta: 5:12:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2068, decode.acc_seg: 91.3389, aux.loss_ce: 0.1517, aux.acc_seg: 85.8252, loss: 0.3585, grad_norm: 3.8988 2023-11-14 06:06:33,265 - mmseg - INFO - Iter [114550/160000] lr: 5.411e-07, eta: 5:12:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1963, decode.acc_seg: 91.7414, aux.loss_ce: 0.1468, aux.acc_seg: 85.9797, loss: 0.3430, grad_norm: 3.2358 2023-11-14 06:06:53,529 - mmseg - INFO - Iter [114600/160000] lr: 5.405e-07, eta: 5:12:17, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2094, decode.acc_seg: 90.9339, aux.loss_ce: 0.1545, aux.acc_seg: 84.8366, loss: 0.3640, grad_norm: 3.6719 2023-11-14 06:07:13,451 - mmseg - INFO - Iter [114650/160000] lr: 5.400e-07, eta: 5:11:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1958, decode.acc_seg: 91.6829, aux.loss_ce: 0.1482, aux.acc_seg: 85.4938, loss: 0.3440, grad_norm: 4.3397 2023-11-14 06:07:33,325 - mmseg - INFO - Iter [114700/160000] lr: 5.394e-07, eta: 5:11:35, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2115, decode.acc_seg: 91.1215, aux.loss_ce: 0.1484, aux.acc_seg: 85.7310, loss: 0.3600, grad_norm: 4.1430 2023-11-14 06:07:53,351 - mmseg - INFO - Iter [114750/160000] lr: 5.388e-07, eta: 5:11:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.5600, aux.loss_ce: 0.1425, aux.acc_seg: 86.0931, loss: 0.3398, grad_norm: 3.5785 2023-11-14 06:08:13,845 - mmseg - INFO - Iter [114800/160000] lr: 5.382e-07, eta: 5:10:54, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2036, decode.acc_seg: 91.3585, aux.loss_ce: 0.1526, aux.acc_seg: 85.3401, loss: 0.3563, grad_norm: 3.3797 2023-11-14 06:08:33,840 - mmseg - INFO - Iter [114850/160000] lr: 5.376e-07, eta: 5:10:33, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1937, decode.acc_seg: 91.9471, aux.loss_ce: 0.1481, aux.acc_seg: 85.9492, loss: 0.3418, grad_norm: 3.3654 2023-11-14 06:08:53,735 - mmseg - INFO - Iter [114900/160000] lr: 5.370e-07, eta: 5:10:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1937, decode.acc_seg: 91.9334, aux.loss_ce: 0.1489, aux.acc_seg: 85.6355, loss: 0.3426, grad_norm: 3.0261 2023-11-14 06:09:16,026 - mmseg - INFO - Iter [114950/160000] lr: 5.364e-07, eta: 5:09:52, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1980, decode.acc_seg: 91.7544, aux.loss_ce: 0.1502, aux.acc_seg: 85.7438, loss: 0.3482, grad_norm: 3.7043 2023-11-14 06:09:35,962 - mmseg - INFO - Saving checkpoint at 115000 iterations 2023-11-14 06:09:44,099 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:09:44,100 - mmseg - INFO - Iter [115000/160000] lr: 5.358e-07, eta: 5:09:34, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 91.9551, aux.loss_ce: 0.1447, aux.acc_seg: 85.8766, loss: 0.3328, grad_norm: 3.3135 2023-11-14 06:10:04,096 - mmseg - INFO - Iter [115050/160000] lr: 5.352e-07, eta: 5:09:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1992, decode.acc_seg: 91.6746, aux.loss_ce: 0.1463, aux.acc_seg: 86.2888, loss: 0.3455, grad_norm: 3.5466 2023-11-14 06:10:24,081 - mmseg - INFO - Iter [115100/160000] lr: 5.346e-07, eta: 5:08:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1878, decode.acc_seg: 92.3107, aux.loss_ce: 0.1388, aux.acc_seg: 86.7808, loss: 0.3265, grad_norm: 2.7662 2023-11-14 06:10:43,962 - mmseg - INFO - Iter [115150/160000] lr: 5.340e-07, eta: 5:08:32, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2075, decode.acc_seg: 91.5466, aux.loss_ce: 0.1585, aux.acc_seg: 85.0610, loss: 0.3660, grad_norm: 3.6383 2023-11-14 06:11:03,974 - mmseg - INFO - Iter [115200/160000] lr: 5.334e-07, eta: 5:08:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2016, decode.acc_seg: 91.4113, aux.loss_ce: 0.1488, aux.acc_seg: 85.4739, loss: 0.3504, grad_norm: 3.6661 2023-11-14 06:11:24,226 - mmseg - INFO - Iter [115250/160000] lr: 5.328e-07, eta: 5:07:50, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2058, decode.acc_seg: 91.3852, aux.loss_ce: 0.1546, aux.acc_seg: 85.5143, loss: 0.3604, grad_norm: 4.1005 2023-11-14 06:11:44,300 - mmseg - INFO - Iter [115300/160000] lr: 5.322e-07, eta: 5:07:29, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2047, decode.acc_seg: 91.5874, aux.loss_ce: 0.1521, aux.acc_seg: 85.7322, loss: 0.3568, grad_norm: 3.9751 2023-11-14 06:12:04,284 - mmseg - INFO - Iter [115350/160000] lr: 5.316e-07, eta: 5:07:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.7640, aux.loss_ce: 0.1456, aux.acc_seg: 85.9616, loss: 0.3419, grad_norm: 3.5033 2023-11-14 06:12:24,133 - mmseg - INFO - Iter [115400/160000] lr: 5.310e-07, eta: 5:06:47, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 91.6341, aux.loss_ce: 0.1401, aux.acc_seg: 86.2341, loss: 0.3365, grad_norm: 2.9011 2023-11-14 06:12:44,087 - mmseg - INFO - Iter [115450/160000] lr: 5.304e-07, eta: 5:06:26, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2064, decode.acc_seg: 91.2532, aux.loss_ce: 0.1556, aux.acc_seg: 85.1759, loss: 0.3620, grad_norm: 3.7171 2023-11-14 06:13:04,002 - mmseg - INFO - Iter [115500/160000] lr: 5.298e-07, eta: 5:06:05, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2082, decode.acc_seg: 91.2434, aux.loss_ce: 0.1563, aux.acc_seg: 85.1526, loss: 0.3645, grad_norm: 3.6280 2023-11-14 06:13:23,905 - mmseg - INFO - Iter [115550/160000] lr: 5.292e-07, eta: 5:05:44, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2029, decode.acc_seg: 91.6127, aux.loss_ce: 0.1501, aux.acc_seg: 85.6563, loss: 0.3530, grad_norm: 3.2142 2023-11-14 06:13:43,830 - mmseg - INFO - Iter [115600/160000] lr: 5.286e-07, eta: 5:05:24, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2016, decode.acc_seg: 91.6517, aux.loss_ce: 0.1471, aux.acc_seg: 86.0793, loss: 0.3487, grad_norm: 3.6730 2023-11-14 06:14:03,805 - mmseg - INFO - Iter [115650/160000] lr: 5.280e-07, eta: 5:05:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1970, decode.acc_seg: 91.7380, aux.loss_ce: 0.1455, aux.acc_seg: 85.5647, loss: 0.3426, grad_norm: 3.7118 2023-11-14 06:14:24,117 - mmseg - INFO - Iter [115700/160000] lr: 5.275e-07, eta: 5:04:42, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2036, decode.acc_seg: 91.4440, aux.loss_ce: 0.1473, aux.acc_seg: 86.1208, loss: 0.3509, grad_norm: 3.3485 2023-11-14 06:14:44,339 - mmseg - INFO - Iter [115750/160000] lr: 5.269e-07, eta: 5:04:21, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1994, decode.acc_seg: 91.5832, aux.loss_ce: 0.1443, aux.acc_seg: 85.7939, loss: 0.3438, grad_norm: 3.2479 2023-11-14 06:15:04,259 - mmseg - INFO - Iter [115800/160000] lr: 5.263e-07, eta: 5:04:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2043, decode.acc_seg: 91.3007, aux.loss_ce: 0.1489, aux.acc_seg: 85.5412, loss: 0.3532, grad_norm: 3.3891 2023-11-14 06:15:24,129 - mmseg - INFO - Iter [115850/160000] lr: 5.257e-07, eta: 5:03:39, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1994, decode.acc_seg: 91.5643, aux.loss_ce: 0.1496, aux.acc_seg: 85.6598, loss: 0.3490, grad_norm: 3.8450 2023-11-14 06:15:44,007 - mmseg - INFO - Iter [115900/160000] lr: 5.251e-07, eta: 5:03:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2005, decode.acc_seg: 91.8425, aux.loss_ce: 0.1534, aux.acc_seg: 85.6016, loss: 0.3539, grad_norm: 3.3040 2023-11-14 06:16:03,995 - mmseg - INFO - Iter [115950/160000] lr: 5.245e-07, eta: 5:02:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1933, decode.acc_seg: 91.7444, aux.loss_ce: 0.1466, aux.acc_seg: 85.7121, loss: 0.3399, grad_norm: 3.2060 2023-11-14 06:16:23,896 - mmseg - INFO - Saving checkpoint at 116000 iterations 2023-11-14 06:16:31,923 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:16:31,923 - mmseg - INFO - Iter [116000/160000] lr: 5.239e-07, eta: 5:02:40, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2104, decode.acc_seg: 91.4411, aux.loss_ce: 0.1551, aux.acc_seg: 85.3740, loss: 0.3655, grad_norm: 3.7035 2023-11-14 06:16:51,971 - mmseg - INFO - Iter [116050/160000] lr: 5.233e-07, eta: 5:02:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2012, decode.acc_seg: 91.8398, aux.loss_ce: 0.1522, aux.acc_seg: 85.9933, loss: 0.3534, grad_norm: 3.0963 2023-11-14 06:17:12,189 - mmseg - INFO - Iter [116100/160000] lr: 5.227e-07, eta: 5:01:58, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2059, decode.acc_seg: 91.5296, aux.loss_ce: 0.1479, aux.acc_seg: 86.0390, loss: 0.3538, grad_norm: 4.1153 2023-11-14 06:17:32,356 - mmseg - INFO - Iter [116150/160000] lr: 5.221e-07, eta: 5:01:37, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2049, decode.acc_seg: 91.3241, aux.loss_ce: 0.1538, aux.acc_seg: 85.1920, loss: 0.3587, grad_norm: 3.1804 2023-11-14 06:17:54,941 - mmseg - INFO - Iter [116200/160000] lr: 5.215e-07, eta: 5:01:17, time: 0.452, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2056, decode.acc_seg: 91.4836, aux.loss_ce: 0.1449, aux.acc_seg: 86.2099, loss: 0.3505, grad_norm: 4.4142 2023-11-14 06:18:14,952 - mmseg - INFO - Iter [116250/160000] lr: 5.209e-07, eta: 5:00:56, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2021, decode.acc_seg: 91.4293, aux.loss_ce: 0.1529, aux.acc_seg: 85.2033, loss: 0.3549, grad_norm: 3.5271 2023-11-14 06:18:34,842 - mmseg - INFO - Iter [116300/160000] lr: 5.203e-07, eta: 5:00:35, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2090, decode.acc_seg: 91.3969, aux.loss_ce: 0.1606, aux.acc_seg: 84.6055, loss: 0.3695, grad_norm: 3.7241 2023-11-14 06:18:54,824 - mmseg - INFO - Iter [116350/160000] lr: 5.197e-07, eta: 5:00:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2030, decode.acc_seg: 91.5991, aux.loss_ce: 0.1510, aux.acc_seg: 85.6285, loss: 0.3540, grad_norm: 3.8663 2023-11-14 06:19:14,774 - mmseg - INFO - Iter [116400/160000] lr: 5.191e-07, eta: 4:59:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1966, decode.acc_seg: 91.6566, aux.loss_ce: 0.1480, aux.acc_seg: 85.9700, loss: 0.3445, grad_norm: 3.1886 2023-11-14 06:19:34,656 - mmseg - INFO - Iter [116450/160000] lr: 5.185e-07, eta: 4:59:33, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2005, decode.acc_seg: 91.5586, aux.loss_ce: 0.1491, aux.acc_seg: 85.5958, loss: 0.3496, grad_norm: 3.2083 2023-11-14 06:19:54,860 - mmseg - INFO - Iter [116500/160000] lr: 5.179e-07, eta: 4:59:12, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1894, decode.acc_seg: 91.9838, aux.loss_ce: 0.1376, aux.acc_seg: 86.5893, loss: 0.3270, grad_norm: 2.8859 2023-11-14 06:20:14,838 - mmseg - INFO - Iter [116550/160000] lr: 5.173e-07, eta: 4:58:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1927, decode.acc_seg: 92.0330, aux.loss_ce: 0.1440, aux.acc_seg: 86.5427, loss: 0.3366, grad_norm: 3.7216 2023-11-14 06:20:34,730 - mmseg - INFO - Iter [116600/160000] lr: 5.167e-07, eta: 4:58:30, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1985, decode.acc_seg: 91.4414, aux.loss_ce: 0.1547, aux.acc_seg: 84.7852, loss: 0.3532, grad_norm: 3.5672 2023-11-14 06:20:55,178 - mmseg - INFO - Iter [116650/160000] lr: 5.161e-07, eta: 4:58:09, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1955, decode.acc_seg: 91.8227, aux.loss_ce: 0.1376, aux.acc_seg: 86.8510, loss: 0.3331, grad_norm: 3.1294 2023-11-14 06:21:15,202 - mmseg - INFO - Iter [116700/160000] lr: 5.155e-07, eta: 4:57:49, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2011, decode.acc_seg: 91.6096, aux.loss_ce: 0.1460, aux.acc_seg: 86.1110, loss: 0.3471, grad_norm: 3.6160 2023-11-14 06:21:35,066 - mmseg - INFO - Iter [116750/160000] lr: 5.149e-07, eta: 4:57:28, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1930, decode.acc_seg: 91.7907, aux.loss_ce: 0.1411, aux.acc_seg: 86.2195, loss: 0.3340, grad_norm: 3.3627 2023-11-14 06:21:54,951 - mmseg - INFO - Iter [116800/160000] lr: 5.144e-07, eta: 4:57:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2067, decode.acc_seg: 91.4308, aux.loss_ce: 0.1574, aux.acc_seg: 84.8106, loss: 0.3641, grad_norm: 3.5112 2023-11-14 06:22:15,031 - mmseg - INFO - Iter [116850/160000] lr: 5.138e-07, eta: 4:56:46, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2089, decode.acc_seg: 91.3896, aux.loss_ce: 0.1536, aux.acc_seg: 85.3080, loss: 0.3624, grad_norm: 3.4990 2023-11-14 06:22:34,998 - mmseg - INFO - Iter [116900/160000] lr: 5.132e-07, eta: 4:56:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2072, decode.acc_seg: 91.3011, aux.loss_ce: 0.1509, aux.acc_seg: 85.6994, loss: 0.3581, grad_norm: 3.9881 2023-11-14 06:22:54,958 - mmseg - INFO - Iter [116950/160000] lr: 5.126e-07, eta: 4:56:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1939, decode.acc_seg: 91.7829, aux.loss_ce: 0.1441, aux.acc_seg: 86.1155, loss: 0.3379, grad_norm: 3.6166 2023-11-14 06:23:14,870 - mmseg - INFO - Saving checkpoint at 117000 iterations 2023-11-14 06:23:22,747 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:23:22,747 - mmseg - INFO - Iter [117000/160000] lr: 5.120e-07, eta: 4:55:46, time: 0.556, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.7342, aux.loss_ce: 0.1529, aux.acc_seg: 85.5030, loss: 0.3491, grad_norm: 2.9785 2023-11-14 06:23:42,816 - mmseg - INFO - Iter [117050/160000] lr: 5.114e-07, eta: 4:55:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1903, decode.acc_seg: 91.9035, aux.loss_ce: 0.1487, aux.acc_seg: 85.7134, loss: 0.3390, grad_norm: 3.2763 2023-11-14 06:24:03,252 - mmseg - INFO - Iter [117100/160000] lr: 5.108e-07, eta: 4:55:05, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.7110, aux.loss_ce: 0.1462, aux.acc_seg: 86.2483, loss: 0.3434, grad_norm: 3.6378 2023-11-14 06:24:23,307 - mmseg - INFO - Iter [117150/160000] lr: 5.102e-07, eta: 4:54:44, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1989, decode.acc_seg: 91.6303, aux.loss_ce: 0.1449, aux.acc_seg: 86.2295, loss: 0.3437, grad_norm: 3.1256 2023-11-14 06:24:43,253 - mmseg - INFO - Iter [117200/160000] lr: 5.096e-07, eta: 4:54:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2028, decode.acc_seg: 91.6883, aux.loss_ce: 0.1457, aux.acc_seg: 85.9198, loss: 0.3486, grad_norm: 3.7879 2023-11-14 06:25:03,226 - mmseg - INFO - Iter [117250/160000] lr: 5.090e-07, eta: 4:54:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2084, decode.acc_seg: 91.3127, aux.loss_ce: 0.1464, aux.acc_seg: 85.8902, loss: 0.3548, grad_norm: 4.1903 2023-11-14 06:25:23,297 - mmseg - INFO - Iter [117300/160000] lr: 5.084e-07, eta: 4:53:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1978, decode.acc_seg: 91.7366, aux.loss_ce: 0.1463, aux.acc_seg: 86.2001, loss: 0.3441, grad_norm: 3.2699 2023-11-14 06:25:43,222 - mmseg - INFO - Iter [117350/160000] lr: 5.078e-07, eta: 4:53:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2030, decode.acc_seg: 91.4495, aux.loss_ce: 0.1496, aux.acc_seg: 85.2743, loss: 0.3525, grad_norm: 3.8580 2023-11-14 06:26:03,209 - mmseg - INFO - Iter [117400/160000] lr: 5.072e-07, eta: 4:52:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2078, decode.acc_seg: 91.3121, aux.loss_ce: 0.1554, aux.acc_seg: 85.3251, loss: 0.3632, grad_norm: 3.8944 2023-11-14 06:26:23,195 - mmseg - INFO - Iter [117450/160000] lr: 5.066e-07, eta: 4:52:39, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2062, decode.acc_seg: 91.0900, aux.loss_ce: 0.1580, aux.acc_seg: 84.7902, loss: 0.3642, grad_norm: 3.9087 2023-11-14 06:26:45,602 - mmseg - INFO - Iter [117500/160000] lr: 5.060e-07, eta: 4:52:19, time: 0.449, data_time: 0.053, memory: 16105, decode.loss_ce: 0.1957, decode.acc_seg: 91.8629, aux.loss_ce: 0.1476, aux.acc_seg: 85.8586, loss: 0.3433, grad_norm: 3.3052 2023-11-14 06:27:05,879 - mmseg - INFO - Iter [117550/160000] lr: 5.054e-07, eta: 4:51:58, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 91.9843, aux.loss_ce: 0.1384, aux.acc_seg: 86.1883, loss: 0.3197, grad_norm: 3.2748 2023-11-14 06:27:25,948 - mmseg - INFO - Iter [117600/160000] lr: 5.048e-07, eta: 4:51:37, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2005, decode.acc_seg: 91.7628, aux.loss_ce: 0.1479, aux.acc_seg: 86.2550, loss: 0.3484, grad_norm: 3.4203 2023-11-14 06:27:45,890 - mmseg - INFO - Iter [117650/160000] lr: 5.042e-07, eta: 4:51:16, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2011, decode.acc_seg: 91.5908, aux.loss_ce: 0.1468, aux.acc_seg: 86.0388, loss: 0.3479, grad_norm: 3.1755 2023-11-14 06:28:05,856 - mmseg - INFO - Iter [117700/160000] lr: 5.036e-07, eta: 4:50:55, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2089, decode.acc_seg: 91.5069, aux.loss_ce: 0.1531, aux.acc_seg: 85.5899, loss: 0.3620, grad_norm: 3.9582 2023-11-14 06:28:25,728 - mmseg - INFO - Iter [117750/160000] lr: 5.030e-07, eta: 4:50:34, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2039, decode.acc_seg: 91.4607, aux.loss_ce: 0.1533, aux.acc_seg: 85.0816, loss: 0.3572, grad_norm: 4.0082 2023-11-14 06:28:45,741 - mmseg - INFO - Iter [117800/160000] lr: 5.024e-07, eta: 4:50:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1953, decode.acc_seg: 91.5165, aux.loss_ce: 0.1450, aux.acc_seg: 85.8296, loss: 0.3402, grad_norm: 3.0938 2023-11-14 06:29:05,692 - mmseg - INFO - Iter [117850/160000] lr: 5.019e-07, eta: 4:49:53, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2077, decode.acc_seg: 91.2686, aux.loss_ce: 0.1497, aux.acc_seg: 85.6333, loss: 0.3574, grad_norm: 3.5336 2023-11-14 06:29:25,619 - mmseg - INFO - Iter [117900/160000] lr: 5.013e-07, eta: 4:49:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2184, decode.acc_seg: 91.1511, aux.loss_ce: 0.1607, aux.acc_seg: 85.1099, loss: 0.3791, grad_norm: 4.0053 2023-11-14 06:29:45,590 - mmseg - INFO - Iter [117950/160000] lr: 5.007e-07, eta: 4:49:11, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1993, decode.acc_seg: 91.4661, aux.loss_ce: 0.1483, aux.acc_seg: 85.7645, loss: 0.3476, grad_norm: 3.2102 2023-11-14 06:30:05,616 - mmseg - INFO - Saving checkpoint at 118000 iterations 2023-11-14 06:30:13,832 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:30:13,832 - mmseg - INFO - Iter [118000/160000] lr: 5.001e-07, eta: 4:48:53, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1978, decode.acc_seg: 91.6109, aux.loss_ce: 0.1484, aux.acc_seg: 85.8923, loss: 0.3462, grad_norm: 3.8378 2023-11-14 06:30:34,164 - mmseg - INFO - Iter [118050/160000] lr: 4.995e-07, eta: 4:48:32, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1877, decode.acc_seg: 92.2506, aux.loss_ce: 0.1515, aux.acc_seg: 85.7250, loss: 0.3392, grad_norm: 2.9908 2023-11-14 06:30:54,392 - mmseg - INFO - Iter [118100/160000] lr: 4.989e-07, eta: 4:48:11, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2074, decode.acc_seg: 91.6522, aux.loss_ce: 0.1542, aux.acc_seg: 85.6045, loss: 0.3616, grad_norm: 4.5261 2023-11-14 06:31:14,291 - mmseg - INFO - Iter [118150/160000] lr: 4.983e-07, eta: 4:47:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2079, decode.acc_seg: 91.1241, aux.loss_ce: 0.1572, aux.acc_seg: 84.8266, loss: 0.3652, grad_norm: 3.6476 2023-11-14 06:31:34,173 - mmseg - INFO - Iter [118200/160000] lr: 4.977e-07, eta: 4:47:30, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.6719, aux.loss_ce: 0.1500, aux.acc_seg: 85.6076, loss: 0.3477, grad_norm: 4.1600 2023-11-14 06:31:54,146 - mmseg - INFO - Iter [118250/160000] lr: 4.971e-07, eta: 4:47:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1927, decode.acc_seg: 92.0146, aux.loss_ce: 0.1413, aux.acc_seg: 86.4526, loss: 0.3340, grad_norm: 4.0762 2023-11-14 06:32:14,129 - mmseg - INFO - Iter [118300/160000] lr: 4.965e-07, eta: 4:46:48, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1950, decode.acc_seg: 91.9140, aux.loss_ce: 0.1454, aux.acc_seg: 86.3777, loss: 0.3405, grad_norm: 3.5336 2023-11-14 06:32:34,019 - mmseg - INFO - Iter [118350/160000] lr: 4.959e-07, eta: 4:46:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1985, decode.acc_seg: 91.7164, aux.loss_ce: 0.1455, aux.acc_seg: 86.1250, loss: 0.3441, grad_norm: 3.2287 2023-11-14 06:32:54,194 - mmseg - INFO - Iter [118400/160000] lr: 4.953e-07, eta: 4:46:06, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2110, decode.acc_seg: 91.1805, aux.loss_ce: 0.1553, aux.acc_seg: 84.9440, loss: 0.3663, grad_norm: 4.4825 2023-11-14 06:33:14,259 - mmseg - INFO - Iter [118450/160000] lr: 4.947e-07, eta: 4:45:45, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2017, decode.acc_seg: 91.2431, aux.loss_ce: 0.1537, aux.acc_seg: 84.9917, loss: 0.3554, grad_norm: 4.0311 2023-11-14 06:33:34,361 - mmseg - INFO - Iter [118500/160000] lr: 4.941e-07, eta: 4:45:24, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2019, decode.acc_seg: 91.7027, aux.loss_ce: 0.1560, aux.acc_seg: 85.4438, loss: 0.3579, grad_norm: 3.4693 2023-11-14 06:33:54,538 - mmseg - INFO - Iter [118550/160000] lr: 4.935e-07, eta: 4:45:04, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1957, decode.acc_seg: 91.8445, aux.loss_ce: 0.1500, aux.acc_seg: 85.8299, loss: 0.3457, grad_norm: 3.9657 2023-11-14 06:34:14,409 - mmseg - INFO - Iter [118600/160000] lr: 4.929e-07, eta: 4:44:43, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2079, decode.acc_seg: 91.5561, aux.loss_ce: 0.1508, aux.acc_seg: 86.0902, loss: 0.3587, grad_norm: 3.4716 2023-11-14 06:34:34,282 - mmseg - INFO - Iter [118650/160000] lr: 4.923e-07, eta: 4:44:22, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.9046, aux.loss_ce: 0.1441, aux.acc_seg: 86.4569, loss: 0.3418, grad_norm: 3.8441 2023-11-14 06:34:54,231 - mmseg - INFO - Iter [118700/160000] lr: 4.917e-07, eta: 4:44:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2163, decode.acc_seg: 90.9054, aux.loss_ce: 0.1566, aux.acc_seg: 85.1276, loss: 0.3729, grad_norm: 4.1647 2023-11-14 06:35:16,477 - mmseg - INFO - Iter [118750/160000] lr: 4.911e-07, eta: 4:43:41, time: 0.445, data_time: 0.052, memory: 16105, decode.loss_ce: 0.1950, decode.acc_seg: 92.0302, aux.loss_ce: 0.1424, aux.acc_seg: 86.9361, loss: 0.3375, grad_norm: 3.0789 2023-11-14 06:35:36,532 - mmseg - INFO - Iter [118800/160000] lr: 4.905e-07, eta: 4:43:20, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.8986, aux.loss_ce: 0.1509, aux.acc_seg: 86.0842, loss: 0.3482, grad_norm: 3.3387 2023-11-14 06:35:56,654 - mmseg - INFO - Iter [118850/160000] lr: 4.899e-07, eta: 4:42:59, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1985, decode.acc_seg: 91.5935, aux.loss_ce: 0.1483, aux.acc_seg: 85.9865, loss: 0.3468, grad_norm: 3.7859 2023-11-14 06:36:16,560 - mmseg - INFO - Iter [118900/160000] lr: 4.894e-07, eta: 4:42:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2035, decode.acc_seg: 91.4989, aux.loss_ce: 0.1552, aux.acc_seg: 85.5520, loss: 0.3587, grad_norm: 3.6323 2023-11-14 06:36:37,028 - mmseg - INFO - Iter [118950/160000] lr: 4.888e-07, eta: 4:42:18, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.6338, aux.loss_ce: 0.1440, aux.acc_seg: 86.1001, loss: 0.3408, grad_norm: 4.4002 2023-11-14 06:36:57,070 - mmseg - INFO - Saving checkpoint at 119000 iterations 2023-11-14 06:37:04,978 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:37:04,978 - mmseg - INFO - Iter [119000/160000] lr: 4.882e-07, eta: 4:42:00, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1882, decode.acc_seg: 91.9334, aux.loss_ce: 0.1419, aux.acc_seg: 86.0966, loss: 0.3301, grad_norm: 3.4245 2023-11-14 06:37:25,111 - mmseg - INFO - Iter [119050/160000] lr: 4.876e-07, eta: 4:41:39, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2014, decode.acc_seg: 91.6150, aux.loss_ce: 0.1500, aux.acc_seg: 85.5913, loss: 0.3514, grad_norm: 3.5088 2023-11-14 06:37:45,054 - mmseg - INFO - Iter [119100/160000] lr: 4.870e-07, eta: 4:41:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2146, decode.acc_seg: 91.1327, aux.loss_ce: 0.1527, aux.acc_seg: 85.6951, loss: 0.3673, grad_norm: 4.5520 2023-11-14 06:38:05,056 - mmseg - INFO - Iter [119150/160000] lr: 4.864e-07, eta: 4:40:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2045, decode.acc_seg: 91.7047, aux.loss_ce: 0.1517, aux.acc_seg: 85.7144, loss: 0.3562, grad_norm: 3.6408 2023-11-14 06:38:24,993 - mmseg - INFO - Iter [119200/160000] lr: 4.858e-07, eta: 4:40:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2020, decode.acc_seg: 91.5138, aux.loss_ce: 0.1489, aux.acc_seg: 86.0839, loss: 0.3509, grad_norm: 3.6542 2023-11-14 06:38:45,111 - mmseg - INFO - Iter [119250/160000] lr: 4.852e-07, eta: 4:40:15, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1932, decode.acc_seg: 91.7970, aux.loss_ce: 0.1436, aux.acc_seg: 86.1389, loss: 0.3368, grad_norm: 3.3325 2023-11-14 06:39:05,030 - mmseg - INFO - Iter [119300/160000] lr: 4.846e-07, eta: 4:39:55, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1997, decode.acc_seg: 91.4861, aux.loss_ce: 0.1463, aux.acc_seg: 85.9512, loss: 0.3460, grad_norm: 3.7771 2023-11-14 06:39:25,043 - mmseg - INFO - Iter [119350/160000] lr: 4.840e-07, eta: 4:39:34, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2081, decode.acc_seg: 91.4987, aux.loss_ce: 0.1515, aux.acc_seg: 85.7887, loss: 0.3596, grad_norm: 4.4744 2023-11-14 06:39:45,334 - mmseg - INFO - Iter [119400/160000] lr: 4.834e-07, eta: 4:39:13, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 91.0834, aux.loss_ce: 0.1513, aux.acc_seg: 85.4091, loss: 0.3622, grad_norm: 4.3462 2023-11-14 06:40:05,446 - mmseg - INFO - Iter [119450/160000] lr: 4.828e-07, eta: 4:38:52, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.6201, aux.loss_ce: 0.1463, aux.acc_seg: 86.1229, loss: 0.3435, grad_norm: 3.6857 2023-11-14 06:40:25,626 - mmseg - INFO - Iter [119500/160000] lr: 4.822e-07, eta: 4:38:31, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.8344, aux.loss_ce: 0.1554, aux.acc_seg: 85.0596, loss: 0.3544, grad_norm: 3.4041 2023-11-14 06:40:45,554 - mmseg - INFO - Iter [119550/160000] lr: 4.816e-07, eta: 4:38:10, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.7163, aux.loss_ce: 0.1488, aux.acc_seg: 85.8184, loss: 0.3461, grad_norm: 3.4596 2023-11-14 06:41:05,520 - mmseg - INFO - Iter [119600/160000] lr: 4.810e-07, eta: 4:37:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.5870, aux.loss_ce: 0.1423, aux.acc_seg: 86.1523, loss: 0.3400, grad_norm: 3.9806 2023-11-14 06:41:25,440 - mmseg - INFO - Iter [119650/160000] lr: 4.804e-07, eta: 4:37:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1880, decode.acc_seg: 92.1532, aux.loss_ce: 0.1473, aux.acc_seg: 85.8084, loss: 0.3353, grad_norm: 3.3036 2023-11-14 06:41:45,371 - mmseg - INFO - Iter [119700/160000] lr: 4.798e-07, eta: 4:37:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1924, decode.acc_seg: 91.9465, aux.loss_ce: 0.1441, aux.acc_seg: 86.0679, loss: 0.3366, grad_norm: 3.7164 2023-11-14 06:42:05,428 - mmseg - INFO - Iter [119750/160000] lr: 4.792e-07, eta: 4:36:47, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2041, decode.acc_seg: 91.5499, aux.loss_ce: 0.1505, aux.acc_seg: 85.5023, loss: 0.3546, grad_norm: 3.7827 2023-11-14 06:42:25,413 - mmseg - INFO - Iter [119800/160000] lr: 4.786e-07, eta: 4:36:26, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1923, decode.acc_seg: 92.0306, aux.loss_ce: 0.1426, aux.acc_seg: 86.5176, loss: 0.3349, grad_norm: 3.5779 2023-11-14 06:42:46,005 - mmseg - INFO - Iter [119850/160000] lr: 4.780e-07, eta: 4:36:06, time: 0.412, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1948, decode.acc_seg: 91.9182, aux.loss_ce: 0.1476, aux.acc_seg: 86.3154, loss: 0.3423, grad_norm: 3.0380 2023-11-14 06:43:06,086 - mmseg - INFO - Iter [119900/160000] lr: 4.774e-07, eta: 4:35:45, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2088, decode.acc_seg: 91.4015, aux.loss_ce: 0.1541, aux.acc_seg: 85.2838, loss: 0.3629, grad_norm: 5.9094 2023-11-14 06:43:26,343 - mmseg - INFO - Iter [119950/160000] lr: 4.769e-07, eta: 4:35:24, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2155, decode.acc_seg: 91.0756, aux.loss_ce: 0.1622, aux.acc_seg: 84.7545, loss: 0.3776, grad_norm: 3.9901 2023-11-14 06:43:48,601 - mmseg - INFO - Saving checkpoint at 120000 iterations 2023-11-14 06:43:56,704 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:43:56,704 - mmseg - INFO - Iter [120000/160000] lr: 4.763e-07, eta: 4:35:07, time: 0.607, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1949, decode.acc_seg: 91.6326, aux.loss_ce: 0.1408, aux.acc_seg: 86.1628, loss: 0.3357, grad_norm: 2.8764 2023-11-14 06:44:16,700 - mmseg - INFO - Iter [120050/160000] lr: 4.757e-07, eta: 4:34:46, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1895, decode.acc_seg: 91.9626, aux.loss_ce: 0.1484, aux.acc_seg: 85.9485, loss: 0.3378, grad_norm: 3.1703 2023-11-14 06:44:36,618 - mmseg - INFO - Iter [120100/160000] lr: 4.751e-07, eta: 4:34:25, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2063, decode.acc_seg: 91.5236, aux.loss_ce: 0.1547, aux.acc_seg: 85.4891, loss: 0.3610, grad_norm: 3.5162 2023-11-14 06:44:56,637 - mmseg - INFO - Iter [120150/160000] lr: 4.745e-07, eta: 4:34:04, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1810, decode.acc_seg: 92.2117, aux.loss_ce: 0.1372, aux.acc_seg: 86.8040, loss: 0.3182, grad_norm: 3.0458 2023-11-14 06:45:16,593 - mmseg - INFO - Iter [120200/160000] lr: 4.739e-07, eta: 4:33:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1999, decode.acc_seg: 91.6709, aux.loss_ce: 0.1443, aux.acc_seg: 86.1338, loss: 0.3442, grad_norm: 3.5449 2023-11-14 06:45:36,591 - mmseg - INFO - Iter [120250/160000] lr: 4.733e-07, eta: 4:33:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2039, decode.acc_seg: 91.3544, aux.loss_ce: 0.1551, aux.acc_seg: 85.0201, loss: 0.3590, grad_norm: 3.3280 2023-11-14 06:45:56,713 - mmseg - INFO - Iter [120300/160000] lr: 4.727e-07, eta: 4:33:02, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2032, decode.acc_seg: 91.6959, aux.loss_ce: 0.1506, aux.acc_seg: 86.0632, loss: 0.3539, grad_norm: 3.5254 2023-11-14 06:46:17,195 - mmseg - INFO - Iter [120350/160000] lr: 4.721e-07, eta: 4:32:41, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.7723, aux.loss_ce: 0.1546, aux.acc_seg: 85.2038, loss: 0.3515, grad_norm: 3.9703 2023-11-14 06:46:37,195 - mmseg - INFO - Iter [120400/160000] lr: 4.715e-07, eta: 4:32:20, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2034, decode.acc_seg: 91.6696, aux.loss_ce: 0.1487, aux.acc_seg: 85.5960, loss: 0.3520, grad_norm: 4.0808 2023-11-14 06:46:57,095 - mmseg - INFO - Iter [120450/160000] lr: 4.709e-07, eta: 4:31:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.8706, aux.loss_ce: 0.1449, aux.acc_seg: 86.1146, loss: 0.3418, grad_norm: 4.6268 2023-11-14 06:47:16,999 - mmseg - INFO - Iter [120500/160000] lr: 4.703e-07, eta: 4:31:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1972, decode.acc_seg: 91.6190, aux.loss_ce: 0.1423, aux.acc_seg: 86.2392, loss: 0.3395, grad_norm: 3.5450 2023-11-14 06:47:36,865 - mmseg - INFO - Iter [120550/160000] lr: 4.697e-07, eta: 4:31:17, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2110, decode.acc_seg: 91.3325, aux.loss_ce: 0.1510, aux.acc_seg: 85.8428, loss: 0.3620, grad_norm: 3.7316 2023-11-14 06:47:56,887 - mmseg - INFO - Iter [120600/160000] lr: 4.691e-07, eta: 4:30:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2051, decode.acc_seg: 91.6425, aux.loss_ce: 0.1536, aux.acc_seg: 85.9605, loss: 0.3587, grad_norm: 3.4119 2023-11-14 06:48:16,817 - mmseg - INFO - Iter [120650/160000] lr: 4.685e-07, eta: 4:30:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1997, decode.acc_seg: 91.6084, aux.loss_ce: 0.1561, aux.acc_seg: 85.1743, loss: 0.3558, grad_norm: 4.3068 2023-11-14 06:48:36,943 - mmseg - INFO - Iter [120700/160000] lr: 4.679e-07, eta: 4:30:15, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2231, decode.acc_seg: 91.0726, aux.loss_ce: 0.1625, aux.acc_seg: 84.8000, loss: 0.3856, grad_norm: 4.5916 2023-11-14 06:48:56,963 - mmseg - INFO - Iter [120750/160000] lr: 4.673e-07, eta: 4:29:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1944, decode.acc_seg: 92.0188, aux.loss_ce: 0.1460, aux.acc_seg: 86.0608, loss: 0.3404, grad_norm: 4.5932 2023-11-14 06:49:17,235 - mmseg - INFO - Iter [120800/160000] lr: 4.667e-07, eta: 4:29:33, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.6732, aux.loss_ce: 0.1482, aux.acc_seg: 86.0826, loss: 0.3500, grad_norm: 4.0035 2023-11-14 06:49:37,359 - mmseg - INFO - Iter [120850/160000] lr: 4.661e-07, eta: 4:29:13, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1960, decode.acc_seg: 91.6501, aux.loss_ce: 0.1477, aux.acc_seg: 85.7324, loss: 0.3437, grad_norm: 3.4929 2023-11-14 06:49:57,472 - mmseg - INFO - Iter [120900/160000] lr: 4.655e-07, eta: 4:28:52, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2013, decode.acc_seg: 91.6845, aux.loss_ce: 0.1482, aux.acc_seg: 86.1402, loss: 0.3495, grad_norm: 3.1280 2023-11-14 06:50:17,410 - mmseg - INFO - Iter [120950/160000] lr: 4.649e-07, eta: 4:28:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2106, decode.acc_seg: 91.3639, aux.loss_ce: 0.1544, aux.acc_seg: 85.1932, loss: 0.3650, grad_norm: 4.3614 2023-11-14 06:50:37,315 - mmseg - INFO - Saving checkpoint at 121000 iterations 2023-11-14 06:50:45,318 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:50:45,318 - mmseg - INFO - Iter [121000/160000] lr: 4.643e-07, eta: 4:28:13, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 92.0279, aux.loss_ce: 0.1447, aux.acc_seg: 86.0700, loss: 0.3356, grad_norm: 3.9614 2023-11-14 06:51:05,243 - mmseg - INFO - Iter [121050/160000] lr: 4.638e-07, eta: 4:27:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2127, decode.acc_seg: 91.2030, aux.loss_ce: 0.1483, aux.acc_seg: 85.7475, loss: 0.3611, grad_norm: 4.3211 2023-11-14 06:51:25,193 - mmseg - INFO - Iter [121100/160000] lr: 4.632e-07, eta: 4:27:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1825, decode.acc_seg: 92.0446, aux.loss_ce: 0.1315, aux.acc_seg: 86.7831, loss: 0.3140, grad_norm: 2.9642 2023-11-14 06:51:45,356 - mmseg - INFO - Iter [121150/160000] lr: 4.626e-07, eta: 4:27:10, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1940, decode.acc_seg: 91.8022, aux.loss_ce: 0.1426, aux.acc_seg: 86.2086, loss: 0.3366, grad_norm: 3.6300 2023-11-14 06:52:05,256 - mmseg - INFO - Iter [121200/160000] lr: 4.620e-07, eta: 4:26:49, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2045, decode.acc_seg: 91.4766, aux.loss_ce: 0.1472, aux.acc_seg: 86.0859, loss: 0.3517, grad_norm: 3.9110 2023-11-14 06:52:28,137 - mmseg - INFO - Iter [121250/160000] lr: 4.614e-07, eta: 4:26:29, time: 0.458, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2029, decode.acc_seg: 91.4725, aux.loss_ce: 0.1511, aux.acc_seg: 85.5820, loss: 0.3539, grad_norm: 4.2158 2023-11-14 06:52:48,139 - mmseg - INFO - Iter [121300/160000] lr: 4.608e-07, eta: 4:26:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2016, decode.acc_seg: 91.7099, aux.loss_ce: 0.1525, aux.acc_seg: 85.6592, loss: 0.3541, grad_norm: 3.8089 2023-11-14 06:53:08,083 - mmseg - INFO - Iter [121350/160000] lr: 4.602e-07, eta: 4:25:48, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1950, decode.acc_seg: 91.7737, aux.loss_ce: 0.1471, aux.acc_seg: 85.8057, loss: 0.3421, grad_norm: 3.3704 2023-11-14 06:53:27,995 - mmseg - INFO - Iter [121400/160000] lr: 4.596e-07, eta: 4:25:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1950, decode.acc_seg: 91.6972, aux.loss_ce: 0.1444, aux.acc_seg: 86.1587, loss: 0.3394, grad_norm: 3.7236 2023-11-14 06:53:47,980 - mmseg - INFO - Iter [121450/160000] lr: 4.590e-07, eta: 4:25:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1811, decode.acc_seg: 92.2993, aux.loss_ce: 0.1356, aux.acc_seg: 86.9878, loss: 0.3168, grad_norm: 2.8008 2023-11-14 06:54:07,890 - mmseg - INFO - Iter [121500/160000] lr: 4.584e-07, eta: 4:24:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2034, decode.acc_seg: 91.6112, aux.loss_ce: 0.1499, aux.acc_seg: 85.9186, loss: 0.3533, grad_norm: 3.6065 2023-11-14 06:54:27,859 - mmseg - INFO - Iter [121550/160000] lr: 4.578e-07, eta: 4:24:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1991, decode.acc_seg: 91.6112, aux.loss_ce: 0.1538, aux.acc_seg: 85.1319, loss: 0.3529, grad_norm: 3.4614 2023-11-14 06:54:47,823 - mmseg - INFO - Iter [121600/160000] lr: 4.572e-07, eta: 4:24:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1970, decode.acc_seg: 91.8638, aux.loss_ce: 0.1463, aux.acc_seg: 86.1232, loss: 0.3433, grad_norm: 3.2208 2023-11-14 06:55:07,854 - mmseg - INFO - Iter [121650/160000] lr: 4.566e-07, eta: 4:23:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2069, decode.acc_seg: 91.4781, aux.loss_ce: 0.1511, aux.acc_seg: 85.6590, loss: 0.3580, grad_norm: 3.5529 2023-11-14 06:55:28,144 - mmseg - INFO - Iter [121700/160000] lr: 4.560e-07, eta: 4:23:22, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2024, decode.acc_seg: 91.4798, aux.loss_ce: 0.1526, aux.acc_seg: 85.6116, loss: 0.3551, grad_norm: 3.5303 2023-11-14 06:55:48,368 - mmseg - INFO - Iter [121750/160000] lr: 4.554e-07, eta: 4:23:01, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1941, decode.acc_seg: 91.5210, aux.loss_ce: 0.1472, aux.acc_seg: 85.6199, loss: 0.3414, grad_norm: 3.5349 2023-11-14 06:56:08,328 - mmseg - INFO - Iter [121800/160000] lr: 4.548e-07, eta: 4:22:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2004, decode.acc_seg: 91.6694, aux.loss_ce: 0.1497, aux.acc_seg: 85.7648, loss: 0.3501, grad_norm: 3.8790 2023-11-14 06:56:28,273 - mmseg - INFO - Iter [121850/160000] lr: 4.542e-07, eta: 4:22:19, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2068, decode.acc_seg: 91.3381, aux.loss_ce: 0.1468, aux.acc_seg: 86.0167, loss: 0.3535, grad_norm: 3.3259 2023-11-14 06:56:48,203 - mmseg - INFO - Iter [121900/160000] lr: 4.536e-07, eta: 4:21:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1946, decode.acc_seg: 91.9423, aux.loss_ce: 0.1420, aux.acc_seg: 86.4542, loss: 0.3366, grad_norm: 4.0363 2023-11-14 06:57:08,179 - mmseg - INFO - Iter [121950/160000] lr: 4.530e-07, eta: 4:21:38, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1937, decode.acc_seg: 91.7855, aux.loss_ce: 0.1475, aux.acc_seg: 86.0495, loss: 0.3411, grad_norm: 3.6098 2023-11-14 06:57:28,168 - mmseg - INFO - Saving checkpoint at 122000 iterations 2023-11-14 06:57:36,244 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 06:57:36,244 - mmseg - INFO - Iter [122000/160000] lr: 4.524e-07, eta: 4:21:19, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2001, decode.acc_seg: 91.5686, aux.loss_ce: 0.1460, aux.acc_seg: 85.9258, loss: 0.3460, grad_norm: 3.1724 2023-11-14 06:57:56,250 - mmseg - INFO - Iter [122050/160000] lr: 4.518e-07, eta: 4:20:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1974, decode.acc_seg: 91.5461, aux.loss_ce: 0.1477, aux.acc_seg: 85.4726, loss: 0.3451, grad_norm: 3.6332 2023-11-14 06:58:16,475 - mmseg - INFO - Iter [122100/160000] lr: 4.513e-07, eta: 4:20:38, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1940, decode.acc_seg: 92.0681, aux.loss_ce: 0.1469, aux.acc_seg: 86.4596, loss: 0.3409, grad_norm: 3.5720 2023-11-14 06:58:36,803 - mmseg - INFO - Iter [122150/160000] lr: 4.507e-07, eta: 4:20:17, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2072, decode.acc_seg: 91.4363, aux.loss_ce: 0.1512, aux.acc_seg: 85.9350, loss: 0.3584, grad_norm: 4.6210 2023-11-14 06:58:57,102 - mmseg - INFO - Iter [122200/160000] lr: 4.501e-07, eta: 4:19:56, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.7442, aux.loss_ce: 0.1505, aux.acc_seg: 85.7470, loss: 0.3495, grad_norm: 3.6123 2023-11-14 06:59:17,041 - mmseg - INFO - Iter [122250/160000] lr: 4.495e-07, eta: 4:19:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.8466, aux.loss_ce: 0.1525, aux.acc_seg: 85.5132, loss: 0.3502, grad_norm: 3.8551 2023-11-14 06:59:36,964 - mmseg - INFO - Iter [122300/160000] lr: 4.489e-07, eta: 4:19:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.7774, aux.loss_ce: 0.1451, aux.acc_seg: 85.9837, loss: 0.3413, grad_norm: 2.9560 2023-11-14 06:59:56,993 - mmseg - INFO - Iter [122350/160000] lr: 4.483e-07, eta: 4:18:54, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1898, decode.acc_seg: 92.0051, aux.loss_ce: 0.1378, aux.acc_seg: 86.4675, loss: 0.3275, grad_norm: 3.0241 2023-11-14 07:00:17,060 - mmseg - INFO - Iter [122400/160000] lr: 4.477e-07, eta: 4:18:33, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2136, decode.acc_seg: 91.1929, aux.loss_ce: 0.1586, aux.acc_seg: 85.3528, loss: 0.3722, grad_norm: 4.3437 2023-11-14 07:00:36,949 - mmseg - INFO - Iter [122450/160000] lr: 4.471e-07, eta: 4:18:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2003, decode.acc_seg: 91.5743, aux.loss_ce: 0.1556, aux.acc_seg: 85.1998, loss: 0.3559, grad_norm: 3.1906 2023-11-14 07:00:56,869 - mmseg - INFO - Iter [122500/160000] lr: 4.465e-07, eta: 4:17:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1975, decode.acc_seg: 91.5773, aux.loss_ce: 0.1436, aux.acc_seg: 86.0977, loss: 0.3411, grad_norm: 3.8624 2023-11-14 07:01:19,391 - mmseg - INFO - Iter [122550/160000] lr: 4.459e-07, eta: 4:17:31, time: 0.450, data_time: 0.051, memory: 16105, decode.loss_ce: 0.2032, decode.acc_seg: 91.4298, aux.loss_ce: 0.1522, aux.acc_seg: 85.5059, loss: 0.3554, grad_norm: 3.8647 2023-11-14 07:01:39,703 - mmseg - INFO - Iter [122600/160000] lr: 4.453e-07, eta: 4:17:11, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1970, decode.acc_seg: 91.6745, aux.loss_ce: 0.1542, aux.acc_seg: 85.1646, loss: 0.3512, grad_norm: 3.7311 2023-11-14 07:01:59,912 - mmseg - INFO - Iter [122650/160000] lr: 4.447e-07, eta: 4:16:50, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1955, decode.acc_seg: 91.9481, aux.loss_ce: 0.1518, aux.acc_seg: 85.6739, loss: 0.3473, grad_norm: 3.4303 2023-11-14 07:02:19,888 - mmseg - INFO - Iter [122700/160000] lr: 4.441e-07, eta: 4:16:29, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2056, decode.acc_seg: 91.4160, aux.loss_ce: 0.1494, aux.acc_seg: 85.9323, loss: 0.3551, grad_norm: 3.9940 2023-11-14 07:02:39,792 - mmseg - INFO - Iter [122750/160000] lr: 4.435e-07, eta: 4:16:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2158, decode.acc_seg: 91.1678, aux.loss_ce: 0.1469, aux.acc_seg: 85.6857, loss: 0.3627, grad_norm: 3.8358 2023-11-14 07:02:59,980 - mmseg - INFO - Iter [122800/160000] lr: 4.429e-07, eta: 4:15:47, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1826, decode.acc_seg: 92.2399, aux.loss_ce: 0.1367, aux.acc_seg: 86.9202, loss: 0.3194, grad_norm: 3.1557 2023-11-14 07:03:19,886 - mmseg - INFO - Iter [122850/160000] lr: 4.423e-07, eta: 4:15:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2024, decode.acc_seg: 91.6801, aux.loss_ce: 0.1455, aux.acc_seg: 86.1534, loss: 0.3479, grad_norm: 3.9458 2023-11-14 07:03:39,784 - mmseg - INFO - Iter [122900/160000] lr: 4.417e-07, eta: 4:15:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 91.6921, aux.loss_ce: 0.1471, aux.acc_seg: 85.7517, loss: 0.3434, grad_norm: 3.8610 2023-11-14 07:03:59,702 - mmseg - INFO - Iter [122950/160000] lr: 4.411e-07, eta: 4:14:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2066, decode.acc_seg: 91.2409, aux.loss_ce: 0.1504, aux.acc_seg: 85.4243, loss: 0.3569, grad_norm: 4.2096 2023-11-14 07:04:19,699 - mmseg - INFO - Saving checkpoint at 123000 iterations 2023-11-14 07:04:27,947 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:04:27,947 - mmseg - INFO - Iter [123000/160000] lr: 4.405e-07, eta: 4:14:27, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1921, decode.acc_seg: 91.9002, aux.loss_ce: 0.1486, aux.acc_seg: 85.5704, loss: 0.3407, grad_norm: 3.2666 2023-11-14 07:04:48,078 - mmseg - INFO - Iter [123050/160000] lr: 4.399e-07, eta: 4:14:06, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1925, decode.acc_seg: 91.7119, aux.loss_ce: 0.1441, aux.acc_seg: 86.1211, loss: 0.3367, grad_norm: 3.2423 2023-11-14 07:05:08,457 - mmseg - INFO - Iter [123100/160000] lr: 4.393e-07, eta: 4:13:45, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1965, decode.acc_seg: 91.5905, aux.loss_ce: 0.1555, aux.acc_seg: 84.7322, loss: 0.3520, grad_norm: 3.4884 2023-11-14 07:05:28,471 - mmseg - INFO - Iter [123150/160000] lr: 4.388e-07, eta: 4:13:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1943, decode.acc_seg: 91.9255, aux.loss_ce: 0.1452, aux.acc_seg: 86.2537, loss: 0.3395, grad_norm: 3.5565 2023-11-14 07:05:48,362 - mmseg - INFO - Iter [123200/160000] lr: 4.382e-07, eta: 4:13:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1927, decode.acc_seg: 92.0585, aux.loss_ce: 0.1403, aux.acc_seg: 86.7494, loss: 0.3331, grad_norm: 3.8104 2023-11-14 07:06:08,260 - mmseg - INFO - Iter [123250/160000] lr: 4.376e-07, eta: 4:12:43, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2008, decode.acc_seg: 91.5117, aux.loss_ce: 0.1491, aux.acc_seg: 85.7328, loss: 0.3499, grad_norm: 3.6543 2023-11-14 07:06:28,428 - mmseg - INFO - Iter [123300/160000] lr: 4.370e-07, eta: 4:12:22, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1886, decode.acc_seg: 91.9750, aux.loss_ce: 0.1405, aux.acc_seg: 86.3778, loss: 0.3291, grad_norm: 4.4795 2023-11-14 07:06:48,359 - mmseg - INFO - Iter [123350/160000] lr: 4.364e-07, eta: 4:12:01, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1963, decode.acc_seg: 91.6637, aux.loss_ce: 0.1466, aux.acc_seg: 85.9351, loss: 0.3429, grad_norm: 3.1957 2023-11-14 07:07:08,258 - mmseg - INFO - Iter [123400/160000] lr: 4.358e-07, eta: 4:11:40, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1965, decode.acc_seg: 91.5319, aux.loss_ce: 0.1456, aux.acc_seg: 85.9315, loss: 0.3421, grad_norm: 3.3344 2023-11-14 07:07:28,273 - mmseg - INFO - Iter [123450/160000] lr: 4.352e-07, eta: 4:11:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.5814, aux.loss_ce: 0.1480, aux.acc_seg: 85.9855, loss: 0.3457, grad_norm: 3.3263 2023-11-14 07:07:48,170 - mmseg - INFO - Iter [123500/160000] lr: 4.346e-07, eta: 4:10:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1984, decode.acc_seg: 91.7780, aux.loss_ce: 0.1492, aux.acc_seg: 85.5259, loss: 0.3476, grad_norm: 3.7403 2023-11-14 07:08:08,595 - mmseg - INFO - Iter [123550/160000] lr: 4.340e-07, eta: 4:10:38, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1847, decode.acc_seg: 92.2574, aux.loss_ce: 0.1409, aux.acc_seg: 86.2682, loss: 0.3256, grad_norm: 3.4621 2023-11-14 07:08:28,546 - mmseg - INFO - Iter [123600/160000] lr: 4.334e-07, eta: 4:10:17, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1900, decode.acc_seg: 92.0720, aux.loss_ce: 0.1422, aux.acc_seg: 86.6050, loss: 0.3322, grad_norm: 3.3485 2023-11-14 07:08:48,561 - mmseg - INFO - Iter [123650/160000] lr: 4.328e-07, eta: 4:09:56, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1933, decode.acc_seg: 91.9968, aux.loss_ce: 0.1495, aux.acc_seg: 85.6565, loss: 0.3427, grad_norm: 3.4388 2023-11-14 07:09:08,539 - mmseg - INFO - Iter [123700/160000] lr: 4.322e-07, eta: 4:09:35, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 92.2061, aux.loss_ce: 0.1416, aux.acc_seg: 86.4907, loss: 0.3333, grad_norm: 3.2434 2023-11-14 07:09:28,554 - mmseg - INFO - Iter [123750/160000] lr: 4.316e-07, eta: 4:09:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2006, decode.acc_seg: 91.5707, aux.loss_ce: 0.1456, aux.acc_seg: 86.0694, loss: 0.3462, grad_norm: 3.5989 2023-11-14 07:09:50,919 - mmseg - INFO - Iter [123800/160000] lr: 4.310e-07, eta: 4:08:54, time: 0.447, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1925, decode.acc_seg: 92.0036, aux.loss_ce: 0.1399, aux.acc_seg: 86.5162, loss: 0.3324, grad_norm: 3.7277 2023-11-14 07:10:10,878 - mmseg - INFO - Iter [123850/160000] lr: 4.304e-07, eta: 4:08:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2038, decode.acc_seg: 91.1484, aux.loss_ce: 0.1476, aux.acc_seg: 85.3128, loss: 0.3514, grad_norm: 5.4200 2023-11-14 07:10:31,181 - mmseg - INFO - Iter [123900/160000] lr: 4.298e-07, eta: 4:08:13, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1816, decode.acc_seg: 92.5021, aux.loss_ce: 0.1397, aux.acc_seg: 86.9826, loss: 0.3213, grad_norm: 2.9231 2023-11-14 07:10:51,233 - mmseg - INFO - Iter [123950/160000] lr: 4.292e-07, eta: 4:07:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 92.0465, aux.loss_ce: 0.1491, aux.acc_seg: 85.6082, loss: 0.3400, grad_norm: 3.3801 2023-11-14 07:11:11,549 - mmseg - INFO - Saving checkpoint at 124000 iterations 2023-11-14 07:11:20,030 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:11:20,030 - mmseg - INFO - Iter [124000/160000] lr: 4.286e-07, eta: 4:07:34, time: 0.576, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1955, decode.acc_seg: 91.6825, aux.loss_ce: 0.1433, aux.acc_seg: 85.9242, loss: 0.3387, grad_norm: 3.6723 2023-11-14 07:11:40,275 - mmseg - INFO - Iter [124050/160000] lr: 4.280e-07, eta: 4:07:13, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1982, decode.acc_seg: 91.9067, aux.loss_ce: 0.1559, aux.acc_seg: 85.6967, loss: 0.3541, grad_norm: 3.2470 2023-11-14 07:12:00,225 - mmseg - INFO - Iter [124100/160000] lr: 4.274e-07, eta: 4:06:52, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2105, decode.acc_seg: 91.1823, aux.loss_ce: 0.1537, aux.acc_seg: 85.3832, loss: 0.3642, grad_norm: 4.2217 2023-11-14 07:12:20,280 - mmseg - INFO - Iter [124150/160000] lr: 4.268e-07, eta: 4:06:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2005, decode.acc_seg: 91.7499, aux.loss_ce: 0.1447, aux.acc_seg: 86.3457, loss: 0.3451, grad_norm: 3.5981 2023-11-14 07:12:40,258 - mmseg - INFO - Iter [124200/160000] lr: 4.262e-07, eta: 4:06:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1879, decode.acc_seg: 91.9411, aux.loss_ce: 0.1388, aux.acc_seg: 86.5519, loss: 0.3267, grad_norm: 3.1615 2023-11-14 07:13:00,158 - mmseg - INFO - Iter [124250/160000] lr: 4.257e-07, eta: 4:05:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2075, decode.acc_seg: 91.5753, aux.loss_ce: 0.1539, aux.acc_seg: 85.6140, loss: 0.3614, grad_norm: 3.9257 2023-11-14 07:13:20,081 - mmseg - INFO - Iter [124300/160000] lr: 4.251e-07, eta: 4:05:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1894, decode.acc_seg: 91.9947, aux.loss_ce: 0.1417, aux.acc_seg: 86.3642, loss: 0.3310, grad_norm: 3.1972 2023-11-14 07:13:40,039 - mmseg - INFO - Iter [124350/160000] lr: 4.245e-07, eta: 4:05:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1915, decode.acc_seg: 91.9253, aux.loss_ce: 0.1413, aux.acc_seg: 86.2075, loss: 0.3329, grad_norm: 3.5179 2023-11-14 07:14:00,117 - mmseg - INFO - Iter [124400/160000] lr: 4.239e-07, eta: 4:04:47, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1951, decode.acc_seg: 91.6541, aux.loss_ce: 0.1514, aux.acc_seg: 85.3355, loss: 0.3465, grad_norm: 3.8760 2023-11-14 07:14:20,442 - mmseg - INFO - Iter [124450/160000] lr: 4.233e-07, eta: 4:04:27, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1874, decode.acc_seg: 92.0465, aux.loss_ce: 0.1435, aux.acc_seg: 85.8784, loss: 0.3309, grad_norm: 3.5934 2023-11-14 07:14:40,605 - mmseg - INFO - Iter [124500/160000] lr: 4.227e-07, eta: 4:04:06, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 92.0191, aux.loss_ce: 0.1372, aux.acc_seg: 86.9660, loss: 0.3268, grad_norm: 3.3696 2023-11-14 07:15:00,572 - mmseg - INFO - Iter [124550/160000] lr: 4.221e-07, eta: 4:03:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2109, decode.acc_seg: 91.2858, aux.loss_ce: 0.1552, aux.acc_seg: 85.5132, loss: 0.3661, grad_norm: 3.9497 2023-11-14 07:15:20,469 - mmseg - INFO - Iter [124600/160000] lr: 4.215e-07, eta: 4:03:24, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2015, decode.acc_seg: 91.5808, aux.loss_ce: 0.1518, aux.acc_seg: 85.6636, loss: 0.3534, grad_norm: 4.3060 2023-11-14 07:15:40,493 - mmseg - INFO - Iter [124650/160000] lr: 4.209e-07, eta: 4:03:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2003, decode.acc_seg: 91.6765, aux.loss_ce: 0.1509, aux.acc_seg: 85.7760, loss: 0.3513, grad_norm: 3.3631 2023-11-14 07:16:00,550 - mmseg - INFO - Iter [124700/160000] lr: 4.203e-07, eta: 4:02:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2001, decode.acc_seg: 91.4415, aux.loss_ce: 0.1527, aux.acc_seg: 85.7080, loss: 0.3527, grad_norm: 4.0912 2023-11-14 07:16:20,546 - mmseg - INFO - Iter [124750/160000] lr: 4.197e-07, eta: 4:02:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2070, decode.acc_seg: 91.4755, aux.loss_ce: 0.1496, aux.acc_seg: 85.8247, loss: 0.3567, grad_norm: 3.5602 2023-11-14 07:16:40,527 - mmseg - INFO - Iter [124800/160000] lr: 4.191e-07, eta: 4:02:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2085, decode.acc_seg: 91.6508, aux.loss_ce: 0.1500, aux.acc_seg: 85.8490, loss: 0.3585, grad_norm: 3.7447 2023-11-14 07:17:00,686 - mmseg - INFO - Iter [124850/160000] lr: 4.185e-07, eta: 4:01:40, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1972, decode.acc_seg: 91.5890, aux.loss_ce: 0.1410, aux.acc_seg: 86.3707, loss: 0.3382, grad_norm: 3.7822 2023-11-14 07:17:20,839 - mmseg - INFO - Iter [124900/160000] lr: 4.179e-07, eta: 4:01:19, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2049, decode.acc_seg: 91.3640, aux.loss_ce: 0.1528, aux.acc_seg: 85.0991, loss: 0.3577, grad_norm: 4.6900 2023-11-14 07:17:41,016 - mmseg - INFO - Iter [124950/160000] lr: 4.173e-07, eta: 4:00:59, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1897, decode.acc_seg: 91.8491, aux.loss_ce: 0.1490, aux.acc_seg: 85.2278, loss: 0.3387, grad_norm: 3.6694 2023-11-14 07:18:00,982 - mmseg - INFO - Saving checkpoint at 125000 iterations 2023-11-14 07:18:09,140 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:18:09,140 - mmseg - INFO - Iter [125000/160000] lr: 4.167e-07, eta: 4:00:40, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2032, decode.acc_seg: 91.6662, aux.loss_ce: 0.1468, aux.acc_seg: 86.3856, loss: 0.3500, grad_norm: 3.4844 2023-11-14 07:18:31,599 - mmseg - INFO - Iter [125050/160000] lr: 4.161e-07, eta: 4:00:20, time: 0.449, data_time: 0.049, memory: 16105, decode.loss_ce: 0.2004, decode.acc_seg: 91.6430, aux.loss_ce: 0.1487, aux.acc_seg: 85.6235, loss: 0.3491, grad_norm: 3.4303 2023-11-14 07:18:51,642 - mmseg - INFO - Iter [125100/160000] lr: 4.155e-07, eta: 3:59:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1997, decode.acc_seg: 91.6570, aux.loss_ce: 0.1506, aux.acc_seg: 85.7990, loss: 0.3503, grad_norm: 3.6005 2023-11-14 07:19:11,592 - mmseg - INFO - Iter [125150/160000] lr: 4.149e-07, eta: 3:59:38, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1967, decode.acc_seg: 91.8350, aux.loss_ce: 0.1475, aux.acc_seg: 86.0126, loss: 0.3442, grad_norm: 3.4330 2023-11-14 07:19:31,602 - mmseg - INFO - Iter [125200/160000] lr: 4.143e-07, eta: 3:59:18, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2008, decode.acc_seg: 91.7186, aux.loss_ce: 0.1503, aux.acc_seg: 85.7020, loss: 0.3511, grad_norm: 3.9745 2023-11-14 07:19:51,805 - mmseg - INFO - Iter [125250/160000] lr: 4.137e-07, eta: 3:58:57, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1948, decode.acc_seg: 91.6988, aux.loss_ce: 0.1463, aux.acc_seg: 85.8404, loss: 0.3412, grad_norm: 3.3683 2023-11-14 07:20:11,819 - mmseg - INFO - Iter [125300/160000] lr: 4.132e-07, eta: 3:58:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1921, decode.acc_seg: 91.9910, aux.loss_ce: 0.1442, aux.acc_seg: 86.2655, loss: 0.3363, grad_norm: 3.3060 2023-11-14 07:20:31,800 - mmseg - INFO - Iter [125350/160000] lr: 4.126e-07, eta: 3:58:15, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1859, decode.acc_seg: 91.9757, aux.loss_ce: 0.1417, aux.acc_seg: 86.1440, loss: 0.3276, grad_norm: 2.7506 2023-11-14 07:20:52,157 - mmseg - INFO - Iter [125400/160000] lr: 4.120e-07, eta: 3:57:55, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2013, decode.acc_seg: 91.7407, aux.loss_ce: 0.1482, aux.acc_seg: 85.9637, loss: 0.3495, grad_norm: 3.6291 2023-11-14 07:21:12,262 - mmseg - INFO - Iter [125450/160000] lr: 4.114e-07, eta: 3:57:34, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2157, decode.acc_seg: 91.1042, aux.loss_ce: 0.1524, aux.acc_seg: 85.6999, loss: 0.3680, grad_norm: 4.5322 2023-11-14 07:21:32,413 - mmseg - INFO - Iter [125500/160000] lr: 4.108e-07, eta: 3:57:13, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1833, decode.acc_seg: 92.1906, aux.loss_ce: 0.1382, aux.acc_seg: 86.6579, loss: 0.3215, grad_norm: 3.8594 2023-11-14 07:21:52,510 - mmseg - INFO - Iter [125550/160000] lr: 4.102e-07, eta: 3:56:52, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1993, decode.acc_seg: 91.4222, aux.loss_ce: 0.1511, aux.acc_seg: 85.6407, loss: 0.3504, grad_norm: 4.2752 2023-11-14 07:22:12,603 - mmseg - INFO - Iter [125600/160000] lr: 4.096e-07, eta: 3:56:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.6718, aux.loss_ce: 0.1525, aux.acc_seg: 85.5929, loss: 0.3515, grad_norm: 3.5409 2023-11-14 07:22:32,544 - mmseg - INFO - Iter [125650/160000] lr: 4.090e-07, eta: 3:56:11, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1991, decode.acc_seg: 91.5503, aux.loss_ce: 0.1541, aux.acc_seg: 85.1090, loss: 0.3532, grad_norm: 3.7408 2023-11-14 07:22:52,473 - mmseg - INFO - Iter [125700/160000] lr: 4.084e-07, eta: 3:55:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.5601, aux.loss_ce: 0.1468, aux.acc_seg: 86.1020, loss: 0.3458, grad_norm: 3.2776 2023-11-14 07:23:12,538 - mmseg - INFO - Iter [125750/160000] lr: 4.078e-07, eta: 3:55:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2031, decode.acc_seg: 91.6025, aux.loss_ce: 0.1528, aux.acc_seg: 85.5433, loss: 0.3559, grad_norm: 3.7755 2023-11-14 07:23:32,554 - mmseg - INFO - Iter [125800/160000] lr: 4.072e-07, eta: 3:55:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.5789, aux.loss_ce: 0.1453, aux.acc_seg: 85.7545, loss: 0.3443, grad_norm: 4.6524 2023-11-14 07:23:52,819 - mmseg - INFO - Iter [125850/160000] lr: 4.066e-07, eta: 3:54:48, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1897, decode.acc_seg: 92.3699, aux.loss_ce: 0.1380, aux.acc_seg: 87.0711, loss: 0.3277, grad_norm: 3.0706 2023-11-14 07:24:12,948 - mmseg - INFO - Iter [125900/160000] lr: 4.060e-07, eta: 3:54:27, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1938, decode.acc_seg: 91.8107, aux.loss_ce: 0.1432, aux.acc_seg: 86.2605, loss: 0.3370, grad_norm: 3.3431 2023-11-14 07:24:32,976 - mmseg - INFO - Iter [125950/160000] lr: 4.054e-07, eta: 3:54:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2002, decode.acc_seg: 91.5615, aux.loss_ce: 0.1513, aux.acc_seg: 85.5094, loss: 0.3515, grad_norm: 4.3118 2023-11-14 07:24:52,969 - mmseg - INFO - Saving checkpoint at 126000 iterations 2023-11-14 07:25:00,902 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:25:00,903 - mmseg - INFO - Iter [126000/160000] lr: 4.048e-07, eta: 3:53:47, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 92.1962, aux.loss_ce: 0.1388, aux.acc_seg: 86.2341, loss: 0.3249, grad_norm: 3.2152 2023-11-14 07:25:20,909 - mmseg - INFO - Iter [126050/160000] lr: 4.042e-07, eta: 3:53:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1966, decode.acc_seg: 91.5771, aux.loss_ce: 0.1447, aux.acc_seg: 85.8505, loss: 0.3413, grad_norm: 3.4263 2023-11-14 07:25:40,841 - mmseg - INFO - Iter [126100/160000] lr: 4.036e-07, eta: 3:53:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1864, decode.acc_seg: 92.0050, aux.loss_ce: 0.1414, aux.acc_seg: 86.2584, loss: 0.3277, grad_norm: 4.0332 2023-11-14 07:26:00,837 - mmseg - INFO - Iter [126150/160000] lr: 4.030e-07, eta: 3:52:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1949, decode.acc_seg: 91.7330, aux.loss_ce: 0.1427, aux.acc_seg: 86.2461, loss: 0.3375, grad_norm: 4.3170 2023-11-14 07:26:20,760 - mmseg - INFO - Iter [126200/160000] lr: 4.024e-07, eta: 3:52:24, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1893, decode.acc_seg: 92.0338, aux.loss_ce: 0.1372, aux.acc_seg: 86.6825, loss: 0.3265, grad_norm: 3.3578 2023-11-14 07:26:40,934 - mmseg - INFO - Iter [126250/160000] lr: 4.018e-07, eta: 3:52:03, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1835, decode.acc_seg: 92.1844, aux.loss_ce: 0.1471, aux.acc_seg: 86.0003, loss: 0.3306, grad_norm: 3.3939 2023-11-14 07:27:01,165 - mmseg - INFO - Iter [126300/160000] lr: 4.012e-07, eta: 3:51:43, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2027, decode.acc_seg: 91.6660, aux.loss_ce: 0.1476, aux.acc_seg: 86.1739, loss: 0.3502, grad_norm: 3.6143 2023-11-14 07:27:24,024 - mmseg - INFO - Iter [126350/160000] lr: 4.007e-07, eta: 3:51:23, time: 0.457, data_time: 0.052, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 92.2296, aux.loss_ce: 0.1360, aux.acc_seg: 87.0667, loss: 0.3222, grad_norm: 2.7449 2023-11-14 07:27:43,944 - mmseg - INFO - Iter [126400/160000] lr: 4.001e-07, eta: 3:51:02, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1974, decode.acc_seg: 91.6106, aux.loss_ce: 0.1440, aux.acc_seg: 86.0347, loss: 0.3414, grad_norm: 3.4540 2023-11-14 07:28:03,944 - mmseg - INFO - Iter [126450/160000] lr: 3.995e-07, eta: 3:50:41, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1924, decode.acc_seg: 91.8640, aux.loss_ce: 0.1500, aux.acc_seg: 85.4053, loss: 0.3424, grad_norm: 3.4691 2023-11-14 07:28:23,934 - mmseg - INFO - Iter [126500/160000] lr: 3.989e-07, eta: 3:50:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1985, decode.acc_seg: 91.6588, aux.loss_ce: 0.1435, aux.acc_seg: 86.2536, loss: 0.3419, grad_norm: 5.6141 2023-11-14 07:28:43,840 - mmseg - INFO - Iter [126550/160000] lr: 3.983e-07, eta: 3:49:59, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1834, decode.acc_seg: 92.1654, aux.loss_ce: 0.1448, aux.acc_seg: 85.7319, loss: 0.3282, grad_norm: 3.2943 2023-11-14 07:29:03,795 - mmseg - INFO - Iter [126600/160000] lr: 3.977e-07, eta: 3:49:39, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1943, decode.acc_seg: 91.9905, aux.loss_ce: 0.1438, aux.acc_seg: 86.4668, loss: 0.3381, grad_norm: 3.5216 2023-11-14 07:29:23,822 - mmseg - INFO - Iter [126650/160000] lr: 3.971e-07, eta: 3:49:18, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2000, decode.acc_seg: 91.4959, aux.loss_ce: 0.1499, aux.acc_seg: 85.8010, loss: 0.3499, grad_norm: 3.5554 2023-11-14 07:29:43,787 - mmseg - INFO - Iter [126700/160000] lr: 3.965e-07, eta: 3:48:57, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2072, decode.acc_seg: 91.4273, aux.loss_ce: 0.1518, aux.acc_seg: 85.8176, loss: 0.3590, grad_norm: 3.2600 2023-11-14 07:30:04,104 - mmseg - INFO - Iter [126750/160000] lr: 3.959e-07, eta: 3:48:36, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.7496, aux.loss_ce: 0.1427, aux.acc_seg: 85.8651, loss: 0.3396, grad_norm: 3.7105 2023-11-14 07:30:24,199 - mmseg - INFO - Iter [126800/160000] lr: 3.953e-07, eta: 3:48:16, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1935, decode.acc_seg: 91.8683, aux.loss_ce: 0.1474, aux.acc_seg: 86.0669, loss: 0.3409, grad_norm: 3.7083 2023-11-14 07:30:44,190 - mmseg - INFO - Iter [126850/160000] lr: 3.947e-07, eta: 3:47:55, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.6174, aux.loss_ce: 0.1535, aux.acc_seg: 85.5979, loss: 0.3554, grad_norm: 4.1528 2023-11-14 07:31:04,351 - mmseg - INFO - Iter [126900/160000] lr: 3.941e-07, eta: 3:47:34, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2154, decode.acc_seg: 91.1090, aux.loss_ce: 0.1533, aux.acc_seg: 85.6015, loss: 0.3687, grad_norm: 4.0416 2023-11-14 07:31:24,362 - mmseg - INFO - Iter [126950/160000] lr: 3.935e-07, eta: 3:47:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1833, decode.acc_seg: 92.4532, aux.loss_ce: 0.1365, aux.acc_seg: 86.9644, loss: 0.3198, grad_norm: 3.1665 2023-11-14 07:31:44,315 - mmseg - INFO - Saving checkpoint at 127000 iterations 2023-11-14 07:31:52,375 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:31:52,376 - mmseg - INFO - Iter [127000/160000] lr: 3.929e-07, eta: 3:46:54, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1954, decode.acc_seg: 91.6929, aux.loss_ce: 0.1448, aux.acc_seg: 86.1054, loss: 0.3403, grad_norm: 3.7130 2023-11-14 07:32:12,394 - mmseg - INFO - Iter [127050/160000] lr: 3.923e-07, eta: 3:46:34, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1938, decode.acc_seg: 91.7689, aux.loss_ce: 0.1476, aux.acc_seg: 85.7291, loss: 0.3414, grad_norm: 4.6475 2023-11-14 07:32:32,377 - mmseg - INFO - Iter [127100/160000] lr: 3.917e-07, eta: 3:46:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1957, decode.acc_seg: 91.8747, aux.loss_ce: 0.1524, aux.acc_seg: 85.4937, loss: 0.3481, grad_norm: 4.0562 2023-11-14 07:32:52,411 - mmseg - INFO - Iter [127150/160000] lr: 3.911e-07, eta: 3:45:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1967, decode.acc_seg: 91.9518, aux.loss_ce: 0.1479, aux.acc_seg: 86.2574, loss: 0.3446, grad_norm: 3.6610 2023-11-14 07:33:12,575 - mmseg - INFO - Iter [127200/160000] lr: 3.905e-07, eta: 3:45:31, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1902, decode.acc_seg: 92.1417, aux.loss_ce: 0.1433, aux.acc_seg: 86.2359, loss: 0.3335, grad_norm: 4.0309 2023-11-14 07:33:32,825 - mmseg - INFO - Iter [127250/160000] lr: 3.899e-07, eta: 3:45:11, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1934, decode.acc_seg: 91.8012, aux.loss_ce: 0.1493, aux.acc_seg: 85.7957, loss: 0.3427, grad_norm: 3.2216 2023-11-14 07:33:52,851 - mmseg - INFO - Iter [127300/160000] lr: 3.893e-07, eta: 3:44:50, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1914, decode.acc_seg: 91.9260, aux.loss_ce: 0.1440, aux.acc_seg: 86.0271, loss: 0.3354, grad_norm: 2.8188 2023-11-14 07:34:12,760 - mmseg - INFO - Iter [127350/160000] lr: 3.887e-07, eta: 3:44:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2126, decode.acc_seg: 91.2742, aux.loss_ce: 0.1561, aux.acc_seg: 85.1782, loss: 0.3688, grad_norm: 4.4268 2023-11-14 07:34:32,717 - mmseg - INFO - Iter [127400/160000] lr: 3.881e-07, eta: 3:44:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2100, decode.acc_seg: 91.4869, aux.loss_ce: 0.1497, aux.acc_seg: 85.9497, loss: 0.3597, grad_norm: 3.9640 2023-11-14 07:34:52,834 - mmseg - INFO - Iter [127450/160000] lr: 3.876e-07, eta: 3:43:47, time: 0.402, data_time: 0.008, memory: 16105, decode.loss_ce: 0.2038, decode.acc_seg: 91.7112, aux.loss_ce: 0.1453, aux.acc_seg: 86.6596, loss: 0.3491, grad_norm: 3.9447 2023-11-14 07:35:12,748 - mmseg - INFO - Iter [127500/160000] lr: 3.870e-07, eta: 3:43:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1924, decode.acc_seg: 91.7574, aux.loss_ce: 0.1460, aux.acc_seg: 85.8338, loss: 0.3384, grad_norm: 3.2780 2023-11-14 07:35:32,752 - mmseg - INFO - Iter [127550/160000] lr: 3.864e-07, eta: 3:43:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1929, decode.acc_seg: 91.8364, aux.loss_ce: 0.1429, aux.acc_seg: 86.5091, loss: 0.3358, grad_norm: 3.2715 2023-11-14 07:35:55,110 - mmseg - INFO - Iter [127600/160000] lr: 3.858e-07, eta: 3:42:46, time: 0.447, data_time: 0.052, memory: 16105, decode.loss_ce: 0.1931, decode.acc_seg: 92.0506, aux.loss_ce: 0.1455, aux.acc_seg: 86.3414, loss: 0.3385, grad_norm: 2.8400 2023-11-14 07:36:15,104 - mmseg - INFO - Iter [127650/160000] lr: 3.852e-07, eta: 3:42:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1865, decode.acc_seg: 92.3188, aux.loss_ce: 0.1380, aux.acc_seg: 86.8444, loss: 0.3245, grad_norm: 3.1244 2023-11-14 07:36:35,449 - mmseg - INFO - Iter [127700/160000] lr: 3.846e-07, eta: 3:42:04, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2002, decode.acc_seg: 91.6311, aux.loss_ce: 0.1441, aux.acc_seg: 86.0608, loss: 0.3443, grad_norm: 3.4237 2023-11-14 07:36:55,429 - mmseg - INFO - Iter [127750/160000] lr: 3.840e-07, eta: 3:41:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2011, decode.acc_seg: 91.5266, aux.loss_ce: 0.1495, aux.acc_seg: 85.5796, loss: 0.3506, grad_norm: 3.8174 2023-11-14 07:37:15,361 - mmseg - INFO - Iter [127800/160000] lr: 3.834e-07, eta: 3:41:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1966, decode.acc_seg: 91.7114, aux.loss_ce: 0.1456, aux.acc_seg: 86.1427, loss: 0.3422, grad_norm: 2.9881 2023-11-14 07:37:35,309 - mmseg - INFO - Iter [127850/160000] lr: 3.828e-07, eta: 3:41:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1904, decode.acc_seg: 92.0093, aux.loss_ce: 0.1420, aux.acc_seg: 86.5736, loss: 0.3324, grad_norm: 3.2353 2023-11-14 07:37:55,210 - mmseg - INFO - Iter [127900/160000] lr: 3.822e-07, eta: 3:40:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1941, decode.acc_seg: 91.7881, aux.loss_ce: 0.1469, aux.acc_seg: 85.9403, loss: 0.3409, grad_norm: 3.8939 2023-11-14 07:38:15,141 - mmseg - INFO - Iter [127950/160000] lr: 3.816e-07, eta: 3:40:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2080, decode.acc_seg: 91.4634, aux.loss_ce: 0.1530, aux.acc_seg: 85.5319, loss: 0.3610, grad_norm: 3.9151 2023-11-14 07:38:35,089 - mmseg - INFO - Saving checkpoint at 128000 iterations 2023-11-14 07:38:43,178 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:38:43,179 - mmseg - INFO - Iter [128000/160000] lr: 3.810e-07, eta: 3:40:01, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1870, decode.acc_seg: 92.4523, aux.loss_ce: 0.1401, aux.acc_seg: 86.8094, loss: 0.3270, grad_norm: 3.3898 2023-11-14 07:38:59,543 - mmseg - INFO - per class results: 2023-11-14 07:38:59,548 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.8 | 88.96 | | building | 84.14 | 92.41 | | sky | 94.84 | 97.69 | | floor | 84.15 | 90.44 | | tree | 76.2 | 88.5 | | ceiling | 85.97 | 92.41 | | road | 85.5 | 90.83 | | bed | 92.15 | 97.33 | | windowpane | 64.78 | 82.01 | | grass | 68.55 | 83.33 | | cabinet | 64.14 | 76.08 | | sidewalk | 68.88 | 84.03 | | person | 84.3 | 94.02 | | earth | 36.38 | 50.06 | | door | 59.26 | 75.89 | | table | 66.79 | 81.87 | | mountain | 62.68 | 77.11 | | plant | 54.85 | 67.97 | | curtain | 77.82 | 88.22 | | chair | 63.77 | 77.77 | | car | 86.84 | 94.25 | | water | 61.49 | 74.55 | | painting | 75.1 | 90.88 | | sofa | 75.17 | 86.28 | | shelf | 48.57 | 65.33 | | house | 54.78 | 77.04 | | sea | 72.04 | 89.88 | | mirror | 72.78 | 79.67 | | rug | 67.89 | 83.66 | | field | 36.27 | 50.79 | | armchair | 51.1 | 69.47 | | seat | 64.09 | 85.37 | | fence | 50.98 | 71.19 | | desk | 53.58 | 71.48 | | rock | 56.29 | 79.83 | | wardrobe | 49.58 | 69.04 | | lamp | 70.09 | 80.77 | | bathtub | 82.83 | 86.02 | | railing | 38.64 | 57.49 | | cushion | 67.66 | 79.43 | | base | 39.14 | 50.56 | | box | 36.01 | 45.55 | | column | 53.3 | 66.84 | | signboard | 39.55 | 51.35 | | chest of drawers | 38.15 | 59.49 | | counter | 41.3 | 49.98 | | sand | 54.08 | 72.5 | | sink | 78.75 | 86.18 | | skyscraper | 53.45 | 61.53 | | fireplace | 73.31 | 91.53 | | refrigerator | 78.85 | 85.99 | | grandstand | 44.03 | 81.61 | | path | 23.08 | 35.56 | | stairs | 27.94 | 36.77 | | runway | 67.54 | 89.67 | | case | 59.04 | 78.1 | | pool table | 93.95 | 97.8 | | pillow | 61.93 | 71.43 | | screen door | 75.82 | 79.82 | | stairway | 34.42 | 45.71 | | river | 13.88 | 28.23 | | bridge | 52.08 | 57.51 | | bookcase | 43.65 | 68.62 | | blind | 47.58 | 56.28 | | coffee table | 61.56 | 86.01 | | toilet | 89.08 | 93.97 | | flower | 47.28 | 62.22 | | book | 50.12 | 75.78 | | hill | 9.37 | 13.22 | | bench | 62.58 | 73.88 | | countertop | 60.79 | 79.13 | | stove | 81.43 | 86.9 | | palm | 54.1 | 80.08 | | kitchen island | 44.1 | 85.49 | | computer | 75.86 | 90.46 | | swivel chair | 56.02 | 77.91 | | boat | 74.26 | 85.92 | | bar | 50.61 | 63.62 | | arcade machine | 68.47 | 72.02 | | hovel | 62.39 | 67.27 | | bus | 88.21 | 97.51 | | towel | 74.05 | 86.49 | | light | 60.26 | 71.67 | | truck | 46.82 | 56.81 | | tower | 27.97 | 45.32 | | chandelier | 71.97 | 89.39 | | awning | 41.95 | 48.8 | | streetlight | 35.66 | 48.3 | | booth | 40.39 | 50.44 | | television receiver | 80.66 | 86.94 | | airplane | 69.91 | 75.56 | | dirt track | 9.83 | 20.43 | | apparel | 52.71 | 66.13 | | pole | 29.72 | 38.94 | | land | 3.88 | 7.32 | | bannister | 19.94 | 25.93 | | escalator | 55.44 | 82.1 | | ottoman | 55.57 | 75.9 | | bottle | 42.64 | 68.61 | | buffet | 43.93 | 52.16 | | poster | 31.78 | 42.81 | | stage | 22.21 | 38.11 | | van | 40.92 | 61.25 | | ship | 61.89 | 69.95 | | fountain | 31.3 | 31.97 | | conveyer belt | 81.63 | 91.76 | | canopy | 42.5 | 61.49 | | washer | 80.98 | 83.88 | | plaything | 38.66 | 52.16 | | swimming pool | 60.0 | 66.41 | | stool | 47.54 | 59.4 | | barrel | 81.68 | 93.01 | | basket | 41.31 | 55.88 | | waterfall | 52.75 | 59.15 | | tent | 96.16 | 98.39 | | bag | 22.86 | 27.54 | | minibike | 75.39 | 88.75 | | cradle | 84.52 | 98.15 | | oven | 48.39 | 71.89 | | ball | 40.64 | 43.09 | | food | 55.62 | 64.41 | | step | 12.15 | 15.86 | | tank | 63.5 | 66.65 | | trade name | 26.96 | 30.76 | | microwave | 81.02 | 88.75 | | pot | 51.77 | 60.33 | | animal | 58.7 | 60.59 | | bicycle | 61.41 | 80.12 | | lake | 51.31 | 63.84 | | dishwasher | 76.24 | 82.81 | | screen | 57.47 | 86.58 | | blanket | 26.54 | 32.25 | | sculpture | 78.12 | 87.8 | | hood | 62.59 | 72.58 | | sconce | 54.17 | 67.92 | | vase | 47.07 | 64.09 | | traffic light | 41.14 | 62.94 | | tray | 9.84 | 13.97 | | ashcan | 47.57 | 65.23 | | fan | 66.12 | 83.62 | | pier | 33.91 | 46.03 | | crt screen | 5.87 | 14.87 | | plate | 59.49 | 79.24 | | monitor | 2.48 | 2.71 | | bulletin board | 57.28 | 72.7 | | shower | 2.2 | 4.61 | | radiator | 65.4 | 76.9 | | glass | 18.68 | 19.95 | | clock | 46.59 | 53.63 | | flag | 64.26 | 70.98 | +---------------------+-------+-------+ 2023-11-14 07:38:59,548 - mmseg - INFO - Summary: 2023-11-14 07:38:59,548 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.27 | 55.27 | 67.63 | +-------+-------+-------+ 2023-11-14 07:38:59,549 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:38:59,550 - mmseg - INFO - Iter(val) [250] aAcc: 0.8527, mIoU: 0.5527, mAcc: 0.6763, IoU.wall: 0.8080, IoU.building: 0.8414, IoU.sky: 0.9484, IoU.floor: 0.8415, IoU.tree: 0.7620, IoU.ceiling: 0.8597, IoU.road: 0.8550, IoU.bed : 0.9215, IoU.windowpane: 0.6478, IoU.grass: 0.6855, IoU.cabinet: 0.6414, IoU.sidewalk: 0.6888, IoU.person: 0.8430, IoU.earth: 0.3638, IoU.door: 0.5926, IoU.table: 0.6679, IoU.mountain: 0.6268, IoU.plant: 0.5485, IoU.curtain: 0.7782, IoU.chair: 0.6377, IoU.car: 0.8684, IoU.water: 0.6149, IoU.painting: 0.7510, IoU.sofa: 0.7517, IoU.shelf: 0.4857, IoU.house: 0.5478, IoU.sea: 0.7204, IoU.mirror: 0.7278, IoU.rug: 0.6789, IoU.field: 0.3627, IoU.armchair: 0.5110, IoU.seat: 0.6409, IoU.fence: 0.5098, IoU.desk: 0.5358, IoU.rock: 0.5629, IoU.wardrobe: 0.4958, IoU.lamp: 0.7009, IoU.bathtub: 0.8283, IoU.railing: 0.3864, IoU.cushion: 0.6766, IoU.base: 0.3914, IoU.box: 0.3601, IoU.column: 0.5330, IoU.signboard: 0.3955, IoU.chest of drawers: 0.3815, IoU.counter: 0.4130, IoU.sand: 0.5408, IoU.sink: 0.7875, IoU.skyscraper: 0.5345, IoU.fireplace: 0.7331, IoU.refrigerator: 0.7885, IoU.grandstand: 0.4403, IoU.path: 0.2308, IoU.stairs: 0.2794, IoU.runway: 0.6754, IoU.case: 0.5904, IoU.pool table: 0.9395, IoU.pillow: 0.6193, IoU.screen door: 0.7582, IoU.stairway: 0.3442, IoU.river: 0.1388, IoU.bridge: 0.5208, IoU.bookcase: 0.4365, IoU.blind: 0.4758, IoU.coffee table: 0.6156, IoU.toilet: 0.8908, IoU.flower: 0.4728, IoU.book: 0.5012, IoU.hill: 0.0937, IoU.bench: 0.6258, IoU.countertop: 0.6079, IoU.stove: 0.8143, IoU.palm: 0.5410, IoU.kitchen island: 0.4410, IoU.computer: 0.7586, IoU.swivel chair: 0.5602, IoU.boat: 0.7426, IoU.bar: 0.5061, IoU.arcade machine: 0.6847, IoU.hovel: 0.6239, IoU.bus: 0.8821, IoU.towel: 0.7405, IoU.light: 0.6026, IoU.truck: 0.4682, IoU.tower: 0.2797, IoU.chandelier: 0.7197, IoU.awning: 0.4195, IoU.streetlight: 0.3566, IoU.booth: 0.4039, IoU.television receiver: 0.8066, IoU.airplane: 0.6991, IoU.dirt track: 0.0983, IoU.apparel: 0.5271, IoU.pole: 0.2972, IoU.land: 0.0388, IoU.bannister: 0.1994, IoU.escalator: 0.5544, IoU.ottoman: 0.5557, IoU.bottle: 0.4264, IoU.buffet: 0.4393, IoU.poster: 0.3178, IoU.stage: 0.2221, IoU.van: 0.4092, IoU.ship: 0.6189, IoU.fountain: 0.3130, IoU.conveyer belt: 0.8163, IoU.canopy: 0.4250, IoU.washer: 0.8098, IoU.plaything: 0.3866, IoU.swimming pool: 0.6000, IoU.stool: 0.4754, IoU.barrel: 0.8168, IoU.basket: 0.4131, IoU.waterfall: 0.5275, IoU.tent: 0.9616, IoU.bag: 0.2286, IoU.minibike: 0.7539, IoU.cradle: 0.8452, IoU.oven: 0.4839, IoU.ball: 0.4064, IoU.food: 0.5562, IoU.step: 0.1215, IoU.tank: 0.6350, IoU.trade name: 0.2696, IoU.microwave: 0.8102, IoU.pot: 0.5177, IoU.animal: 0.5870, IoU.bicycle: 0.6141, IoU.lake: 0.5131, IoU.dishwasher: 0.7624, IoU.screen: 0.5747, IoU.blanket: 0.2654, IoU.sculpture: 0.7812, IoU.hood: 0.6259, IoU.sconce: 0.5417, IoU.vase: 0.4707, IoU.traffic light: 0.4114, IoU.tray: 0.0984, IoU.ashcan: 0.4757, IoU.fan: 0.6612, IoU.pier: 0.3391, IoU.crt screen: 0.0587, IoU.plate: 0.5949, IoU.monitor: 0.0248, IoU.bulletin board: 0.5728, IoU.shower: 0.0220, IoU.radiator: 0.6540, IoU.glass: 0.1868, IoU.clock: 0.4659, IoU.flag: 0.6426, Acc.wall: 0.8896, Acc.building: 0.9241, Acc.sky: 0.9769, Acc.floor: 0.9044, Acc.tree: 0.8850, Acc.ceiling: 0.9241, Acc.road: 0.9083, Acc.bed : 0.9733, Acc.windowpane: 0.8201, Acc.grass: 0.8333, Acc.cabinet: 0.7608, Acc.sidewalk: 0.8403, Acc.person: 0.9402, Acc.earth: 0.5006, Acc.door: 0.7589, Acc.table: 0.8187, Acc.mountain: 0.7711, Acc.plant: 0.6797, Acc.curtain: 0.8822, Acc.chair: 0.7777, Acc.car: 0.9425, Acc.water: 0.7455, Acc.painting: 0.9088, Acc.sofa: 0.8628, Acc.shelf: 0.6533, Acc.house: 0.7704, Acc.sea: 0.8988, Acc.mirror: 0.7967, Acc.rug: 0.8366, Acc.field: 0.5079, Acc.armchair: 0.6947, Acc.seat: 0.8537, Acc.fence: 0.7119, Acc.desk: 0.7148, Acc.rock: 0.7983, Acc.wardrobe: 0.6904, Acc.lamp: 0.8077, Acc.bathtub: 0.8602, Acc.railing: 0.5749, Acc.cushion: 0.7943, Acc.base: 0.5056, Acc.box: 0.4555, Acc.column: 0.6684, Acc.signboard: 0.5135, Acc.chest of drawers: 0.5949, Acc.counter: 0.4998, Acc.sand: 0.7250, Acc.sink: 0.8618, Acc.skyscraper: 0.6153, Acc.fireplace: 0.9153, Acc.refrigerator: 0.8599, Acc.grandstand: 0.8161, Acc.path: 0.3556, Acc.stairs: 0.3677, Acc.runway: 0.8967, Acc.case: 0.7810, Acc.pool table: 0.9780, Acc.pillow: 0.7143, Acc.screen door: 0.7982, Acc.stairway: 0.4571, Acc.river: 0.2823, Acc.bridge: 0.5751, Acc.bookcase: 0.6862, Acc.blind: 0.5628, Acc.coffee table: 0.8601, Acc.toilet: 0.9397, Acc.flower: 0.6222, Acc.book: 0.7578, Acc.hill: 0.1322, Acc.bench: 0.7388, Acc.countertop: 0.7913, Acc.stove: 0.8690, Acc.palm: 0.8008, Acc.kitchen island: 0.8549, Acc.computer: 0.9046, Acc.swivel chair: 0.7791, Acc.boat: 0.8592, Acc.bar: 0.6362, Acc.arcade machine: 0.7202, Acc.hovel: 0.6727, Acc.bus: 0.9751, Acc.towel: 0.8649, Acc.light: 0.7167, Acc.truck: 0.5681, Acc.tower: 0.4532, Acc.chandelier: 0.8939, Acc.awning: 0.4880, Acc.streetlight: 0.4830, Acc.booth: 0.5044, Acc.television receiver: 0.8694, Acc.airplane: 0.7556, Acc.dirt track: 0.2043, Acc.apparel: 0.6613, Acc.pole: 0.3894, Acc.land: 0.0732, Acc.bannister: 0.2593, Acc.escalator: 0.8210, Acc.ottoman: 0.7590, Acc.bottle: 0.6861, Acc.buffet: 0.5216, Acc.poster: 0.4281, Acc.stage: 0.3811, Acc.van: 0.6125, Acc.ship: 0.6995, Acc.fountain: 0.3197, Acc.conveyer belt: 0.9176, Acc.canopy: 0.6149, Acc.washer: 0.8388, Acc.plaything: 0.5216, Acc.swimming pool: 0.6641, Acc.stool: 0.5940, Acc.barrel: 0.9301, Acc.basket: 0.5588, Acc.waterfall: 0.5915, Acc.tent: 0.9839, Acc.bag: 0.2754, Acc.minibike: 0.8875, Acc.cradle: 0.9815, Acc.oven: 0.7189, Acc.ball: 0.4309, Acc.food: 0.6441, Acc.step: 0.1586, Acc.tank: 0.6665, Acc.trade name: 0.3076, Acc.microwave: 0.8875, Acc.pot: 0.6033, Acc.animal: 0.6059, Acc.bicycle: 0.8012, Acc.lake: 0.6384, Acc.dishwasher: 0.8281, Acc.screen: 0.8658, Acc.blanket: 0.3225, Acc.sculpture: 0.8780, Acc.hood: 0.7258, Acc.sconce: 0.6792, Acc.vase: 0.6409, Acc.traffic light: 0.6294, Acc.tray: 0.1397, Acc.ashcan: 0.6523, Acc.fan: 0.8362, Acc.pier: 0.4603, Acc.crt screen: 0.1487, Acc.plate: 0.7924, Acc.monitor: 0.0271, Acc.bulletin board: 0.7270, Acc.shower: 0.0461, Acc.radiator: 0.7690, Acc.glass: 0.1995, Acc.clock: 0.5363, Acc.flag: 0.7098 2023-11-14 07:39:19,804 - mmseg - INFO - Iter [128050/160000] lr: 3.804e-07, eta: 3:39:45, time: 0.732, data_time: 0.334, memory: 16105, decode.loss_ce: 0.1867, decode.acc_seg: 92.1631, aux.loss_ce: 0.1491, aux.acc_seg: 85.9267, loss: 0.3358, grad_norm: 3.1025 2023-11-14 07:39:40,049 - mmseg - INFO - Iter [128100/160000] lr: 3.798e-07, eta: 3:39:24, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1855, decode.acc_seg: 92.0960, aux.loss_ce: 0.1478, aux.acc_seg: 85.8011, loss: 0.3332, grad_norm: 3.0417 2023-11-14 07:40:00,504 - mmseg - INFO - Iter [128150/160000] lr: 3.792e-07, eta: 3:39:03, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1954, decode.acc_seg: 91.8654, aux.loss_ce: 0.1489, aux.acc_seg: 86.1410, loss: 0.3443, grad_norm: 3.5318 2023-11-14 07:40:20,509 - mmseg - INFO - Iter [128200/160000] lr: 3.786e-07, eta: 3:38:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1838, decode.acc_seg: 92.0991, aux.loss_ce: 0.1366, aux.acc_seg: 86.4930, loss: 0.3204, grad_norm: 3.0813 2023-11-14 07:40:40,514 - mmseg - INFO - Iter [128250/160000] lr: 3.780e-07, eta: 3:38:22, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1920, decode.acc_seg: 91.6517, aux.loss_ce: 0.1443, aux.acc_seg: 85.7568, loss: 0.3362, grad_norm: 4.7731 2023-11-14 07:41:00,515 - mmseg - INFO - Iter [128300/160000] lr: 3.774e-07, eta: 3:38:01, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1927, decode.acc_seg: 91.9144, aux.loss_ce: 0.1446, aux.acc_seg: 86.0018, loss: 0.3374, grad_norm: 3.3796 2023-11-14 07:41:20,514 - mmseg - INFO - Iter [128350/160000] lr: 3.768e-07, eta: 3:37:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.8201, aux.loss_ce: 0.1481, aux.acc_seg: 85.6349, loss: 0.3449, grad_norm: 3.1472 2023-11-14 07:41:40,455 - mmseg - INFO - Iter [128400/160000] lr: 3.762e-07, eta: 3:37:19, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1870, decode.acc_seg: 91.8700, aux.loss_ce: 0.1434, aux.acc_seg: 85.9144, loss: 0.3303, grad_norm: 3.7829 2023-11-14 07:42:00,388 - mmseg - INFO - Iter [128450/160000] lr: 3.756e-07, eta: 3:36:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2083, decode.acc_seg: 91.4118, aux.loss_ce: 0.1504, aux.acc_seg: 85.7531, loss: 0.3587, grad_norm: 3.6030 2023-11-14 07:42:20,292 - mmseg - INFO - Iter [128500/160000] lr: 3.751e-07, eta: 3:36:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2091, decode.acc_seg: 91.3091, aux.loss_ce: 0.1577, aux.acc_seg: 85.5082, loss: 0.3668, grad_norm: 4.2780 2023-11-14 07:42:40,525 - mmseg - INFO - Iter [128550/160000] lr: 3.745e-07, eta: 3:36:17, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2023, decode.acc_seg: 91.5948, aux.loss_ce: 0.1443, aux.acc_seg: 86.3862, loss: 0.3465, grad_norm: 4.0742 2023-11-14 07:43:00,819 - mmseg - INFO - Iter [128600/160000] lr: 3.739e-07, eta: 3:35:56, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1958, decode.acc_seg: 91.7457, aux.loss_ce: 0.1506, aux.acc_seg: 85.5675, loss: 0.3464, grad_norm: 3.7077 2023-11-14 07:43:20,767 - mmseg - INFO - Iter [128650/160000] lr: 3.733e-07, eta: 3:35:36, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.2015, decode.acc_seg: 91.8412, aux.loss_ce: 0.1464, aux.acc_seg: 86.2765, loss: 0.3478, grad_norm: 3.6617 2023-11-14 07:43:40,656 - mmseg - INFO - Iter [128700/160000] lr: 3.727e-07, eta: 3:35:15, time: 0.398, data_time: 0.005, memory: 16105, decode.loss_ce: 0.1949, decode.acc_seg: 91.7799, aux.loss_ce: 0.1470, aux.acc_seg: 85.6149, loss: 0.3418, grad_norm: 3.7145 2023-11-14 07:44:00,614 - mmseg - INFO - Iter [128750/160000] lr: 3.721e-07, eta: 3:34:54, time: 0.399, data_time: 0.005, memory: 16105, decode.loss_ce: 0.1938, decode.acc_seg: 92.0420, aux.loss_ce: 0.1476, aux.acc_seg: 85.8734, loss: 0.3413, grad_norm: 3.6791 2023-11-14 07:44:20,583 - mmseg - INFO - Iter [128800/160000] lr: 3.715e-07, eta: 3:34:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.5585, aux.loss_ce: 0.1440, aux.acc_seg: 86.1341, loss: 0.3430, grad_norm: 3.6239 2023-11-14 07:44:42,864 - mmseg - INFO - Iter [128850/160000] lr: 3.709e-07, eta: 3:34:13, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1842, decode.acc_seg: 92.4829, aux.loss_ce: 0.1420, aux.acc_seg: 86.7529, loss: 0.3262, grad_norm: 3.4620 2023-11-14 07:45:02,749 - mmseg - INFO - Iter [128900/160000] lr: 3.703e-07, eta: 3:33:52, time: 0.399, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 91.6164, aux.loss_ce: 0.1419, aux.acc_seg: 86.3440, loss: 0.3382, grad_norm: 3.4511 2023-11-14 07:45:22,669 - mmseg - INFO - Iter [128950/160000] lr: 3.697e-07, eta: 3:33:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1943, decode.acc_seg: 91.9161, aux.loss_ce: 0.1450, aux.acc_seg: 86.3957, loss: 0.3393, grad_norm: 3.4926 2023-11-14 07:45:42,962 - mmseg - INFO - Saving checkpoint at 129000 iterations 2023-11-14 07:45:51,250 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:45:51,251 - mmseg - INFO - Iter [129000/160000] lr: 3.691e-07, eta: 3:33:13, time: 0.572, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2022, decode.acc_seg: 91.5427, aux.loss_ce: 0.1481, aux.acc_seg: 86.0793, loss: 0.3503, grad_norm: 3.6477 2023-11-14 07:46:11,560 - mmseg - INFO - Iter [129050/160000] lr: 3.685e-07, eta: 3:32:52, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1916, decode.acc_seg: 91.8956, aux.loss_ce: 0.1447, aux.acc_seg: 86.2180, loss: 0.3363, grad_norm: 3.6758 2023-11-14 07:46:31,581 - mmseg - INFO - Iter [129100/160000] lr: 3.679e-07, eta: 3:32:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2033, decode.acc_seg: 91.4038, aux.loss_ce: 0.1474, aux.acc_seg: 85.5760, loss: 0.3507, grad_norm: 3.6134 2023-11-14 07:46:51,684 - mmseg - INFO - Iter [129150/160000] lr: 3.673e-07, eta: 3:32:10, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2008, decode.acc_seg: 91.4903, aux.loss_ce: 0.1519, aux.acc_seg: 85.1990, loss: 0.3528, grad_norm: 4.2687 2023-11-14 07:47:11,588 - mmseg - INFO - Iter [129200/160000] lr: 3.667e-07, eta: 3:31:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.8329, aux.loss_ce: 0.1451, aux.acc_seg: 86.0082, loss: 0.3414, grad_norm: 3.4297 2023-11-14 07:47:31,499 - mmseg - INFO - Iter [129250/160000] lr: 3.661e-07, eta: 3:31:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1916, decode.acc_seg: 91.7270, aux.loss_ce: 0.1462, aux.acc_seg: 85.6759, loss: 0.3378, grad_norm: 3.8537 2023-11-14 07:47:51,521 - mmseg - INFO - Iter [129300/160000] lr: 3.655e-07, eta: 3:31:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 92.0032, aux.loss_ce: 0.1452, aux.acc_seg: 86.1540, loss: 0.3336, grad_norm: 3.9225 2023-11-14 07:48:11,411 - mmseg - INFO - Iter [129350/160000] lr: 3.649e-07, eta: 3:30:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1945, decode.acc_seg: 91.7913, aux.loss_ce: 0.1514, aux.acc_seg: 85.5416, loss: 0.3459, grad_norm: 3.4885 2023-11-14 07:48:31,309 - mmseg - INFO - Iter [129400/160000] lr: 3.643e-07, eta: 3:30:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 92.0836, aux.loss_ce: 0.1528, aux.acc_seg: 85.4280, loss: 0.3424, grad_norm: 4.1233 2023-11-14 07:48:51,363 - mmseg - INFO - Iter [129450/160000] lr: 3.637e-07, eta: 3:30:06, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1911, decode.acc_seg: 91.8829, aux.loss_ce: 0.1438, aux.acc_seg: 86.1010, loss: 0.3349, grad_norm: 3.7514 2023-11-14 07:49:11,798 - mmseg - INFO - Iter [129500/160000] lr: 3.631e-07, eta: 3:29:45, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1857, decode.acc_seg: 92.1805, aux.loss_ce: 0.1439, aux.acc_seg: 86.4116, loss: 0.3296, grad_norm: 3.3586 2023-11-14 07:49:31,815 - mmseg - INFO - Iter [129550/160000] lr: 3.626e-07, eta: 3:29:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2006, decode.acc_seg: 91.6757, aux.loss_ce: 0.1455, aux.acc_seg: 86.2116, loss: 0.3462, grad_norm: 3.1711 2023-11-14 07:49:51,730 - mmseg - INFO - Iter [129600/160000] lr: 3.620e-07, eta: 3:29:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.5848, aux.loss_ce: 0.1540, aux.acc_seg: 84.8016, loss: 0.3516, grad_norm: 3.8566 2023-11-14 07:50:11,664 - mmseg - INFO - Iter [129650/160000] lr: 3.614e-07, eta: 3:28:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2009, decode.acc_seg: 91.5877, aux.loss_ce: 0.1521, aux.acc_seg: 85.4090, loss: 0.3530, grad_norm: 3.8633 2023-11-14 07:50:31,608 - mmseg - INFO - Iter [129700/160000] lr: 3.608e-07, eta: 3:28:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1995, decode.acc_seg: 91.6484, aux.loss_ce: 0.1505, aux.acc_seg: 85.9703, loss: 0.3500, grad_norm: 4.4667 2023-11-14 07:50:51,686 - mmseg - INFO - Iter [129750/160000] lr: 3.602e-07, eta: 3:28:01, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1868, decode.acc_seg: 91.9861, aux.loss_ce: 0.1377, aux.acc_seg: 86.3938, loss: 0.3246, grad_norm: 3.5628 2023-11-14 07:51:11,676 - mmseg - INFO - Iter [129800/160000] lr: 3.596e-07, eta: 3:27:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1920, decode.acc_seg: 92.1266, aux.loss_ce: 0.1451, aux.acc_seg: 86.3612, loss: 0.3371, grad_norm: 3.5183 2023-11-14 07:51:31,578 - mmseg - INFO - Iter [129850/160000] lr: 3.590e-07, eta: 3:27:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1873, decode.acc_seg: 92.1893, aux.loss_ce: 0.1434, aux.acc_seg: 86.2174, loss: 0.3308, grad_norm: 4.0700 2023-11-14 07:51:51,653 - mmseg - INFO - Iter [129900/160000] lr: 3.584e-07, eta: 3:26:59, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 92.1634, aux.loss_ce: 0.1497, aux.acc_seg: 85.9230, loss: 0.3378, grad_norm: 3.0549 2023-11-14 07:52:11,964 - mmseg - INFO - Iter [129950/160000] lr: 3.578e-07, eta: 3:26:38, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1923, decode.acc_seg: 91.7533, aux.loss_ce: 0.1517, aux.acc_seg: 85.2710, loss: 0.3440, grad_norm: 3.4300 2023-11-14 07:52:32,151 - mmseg - INFO - Saving checkpoint at 130000 iterations 2023-11-14 07:52:40,621 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:52:40,621 - mmseg - INFO - Iter [130000/160000] lr: 3.572e-07, eta: 3:26:19, time: 0.573, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1990, decode.acc_seg: 91.7818, aux.loss_ce: 0.1487, aux.acc_seg: 86.2082, loss: 0.3477, grad_norm: 3.7677 2023-11-14 07:53:00,568 - mmseg - INFO - Iter [130050/160000] lr: 3.566e-07, eta: 3:25:58, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2021, decode.acc_seg: 91.6786, aux.loss_ce: 0.1525, aux.acc_seg: 85.5018, loss: 0.3546, grad_norm: 3.4806 2023-11-14 07:53:22,801 - mmseg - INFO - Iter [130100/160000] lr: 3.560e-07, eta: 3:25:38, time: 0.445, data_time: 0.049, memory: 16105, decode.loss_ce: 0.1961, decode.acc_seg: 91.8965, aux.loss_ce: 0.1506, aux.acc_seg: 85.6256, loss: 0.3467, grad_norm: 3.4167 2023-11-14 07:53:42,781 - mmseg - INFO - Iter [130150/160000] lr: 3.554e-07, eta: 3:25:17, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1927, decode.acc_seg: 92.0901, aux.loss_ce: 0.1431, aux.acc_seg: 86.4475, loss: 0.3358, grad_norm: 3.3785 2023-11-14 07:54:02,801 - mmseg - INFO - Iter [130200/160000] lr: 3.548e-07, eta: 3:24:57, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2022, decode.acc_seg: 91.3631, aux.loss_ce: 0.1412, aux.acc_seg: 86.3896, loss: 0.3435, grad_norm: 5.8825 2023-11-14 07:54:22,807 - mmseg - INFO - Iter [130250/160000] lr: 3.542e-07, eta: 3:24:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1913, decode.acc_seg: 91.8505, aux.loss_ce: 0.1411, aux.acc_seg: 86.1783, loss: 0.3324, grad_norm: 4.2738 2023-11-14 07:54:42,730 - mmseg - INFO - Iter [130300/160000] lr: 3.536e-07, eta: 3:24:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1938, decode.acc_seg: 92.0118, aux.loss_ce: 0.1521, aux.acc_seg: 85.7444, loss: 0.3459, grad_norm: 3.7454 2023-11-14 07:55:02,909 - mmseg - INFO - Iter [130350/160000] lr: 3.530e-07, eta: 3:23:54, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1844, decode.acc_seg: 92.3114, aux.loss_ce: 0.1422, aux.acc_seg: 86.6097, loss: 0.3266, grad_norm: 3.1635 2023-11-14 07:55:23,045 - mmseg - INFO - Iter [130400/160000] lr: 3.524e-07, eta: 3:23:34, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1937, decode.acc_seg: 91.9187, aux.loss_ce: 0.1387, aux.acc_seg: 87.0172, loss: 0.3324, grad_norm: 4.0501 2023-11-14 07:55:43,213 - mmseg - INFO - Iter [130450/160000] lr: 3.518e-07, eta: 3:23:13, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.1553, aux.loss_ce: 0.1433, aux.acc_seg: 86.7467, loss: 0.3321, grad_norm: 3.3653 2023-11-14 07:56:03,222 - mmseg - INFO - Iter [130500/160000] lr: 3.512e-07, eta: 3:22:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1983, decode.acc_seg: 91.6019, aux.loss_ce: 0.1480, aux.acc_seg: 85.9102, loss: 0.3463, grad_norm: 3.2489 2023-11-14 07:56:23,128 - mmseg - INFO - Iter [130550/160000] lr: 3.506e-07, eta: 3:22:31, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1978, decode.acc_seg: 91.4381, aux.loss_ce: 0.1510, aux.acc_seg: 85.4806, loss: 0.3488, grad_norm: 3.5381 2023-11-14 07:56:43,043 - mmseg - INFO - Iter [130600/160000] lr: 3.501e-07, eta: 3:22:10, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1922, decode.acc_seg: 91.9667, aux.loss_ce: 0.1438, aux.acc_seg: 86.3509, loss: 0.3360, grad_norm: 3.2895 2023-11-14 07:57:02,943 - mmseg - INFO - Iter [130650/160000] lr: 3.495e-07, eta: 3:21:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1838, decode.acc_seg: 92.1986, aux.loss_ce: 0.1440, aux.acc_seg: 86.0077, loss: 0.3278, grad_norm: 3.2301 2023-11-14 07:57:23,128 - mmseg - INFO - Iter [130700/160000] lr: 3.489e-07, eta: 3:21:29, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1981, decode.acc_seg: 91.7246, aux.loss_ce: 0.1412, aux.acc_seg: 86.3287, loss: 0.3393, grad_norm: 4.1143 2023-11-14 07:57:43,033 - mmseg - INFO - Iter [130750/160000] lr: 3.483e-07, eta: 3:21:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1798, decode.acc_seg: 92.5017, aux.loss_ce: 0.1384, aux.acc_seg: 86.4510, loss: 0.3182, grad_norm: 3.1972 2023-11-14 07:58:03,044 - mmseg - INFO - Iter [130800/160000] lr: 3.477e-07, eta: 3:20:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1940, decode.acc_seg: 91.7796, aux.loss_ce: 0.1426, aux.acc_seg: 86.1908, loss: 0.3366, grad_norm: 3.6672 2023-11-14 07:58:23,120 - mmseg - INFO - Iter [130850/160000] lr: 3.471e-07, eta: 3:20:27, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1902, decode.acc_seg: 92.2419, aux.loss_ce: 0.1406, aux.acc_seg: 86.7851, loss: 0.3308, grad_norm: 4.5164 2023-11-14 07:58:43,456 - mmseg - INFO - Iter [130900/160000] lr: 3.465e-07, eta: 3:20:06, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.9365, aux.loss_ce: 0.1455, aux.acc_seg: 86.0241, loss: 0.3417, grad_norm: 3.4047 2023-11-14 07:59:03,492 - mmseg - INFO - Iter [130950/160000] lr: 3.459e-07, eta: 3:19:45, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 91.7949, aux.loss_ce: 0.1405, aux.acc_seg: 86.7129, loss: 0.3369, grad_norm: 3.6483 2023-11-14 07:59:23,394 - mmseg - INFO - Saving checkpoint at 131000 iterations 2023-11-14 07:59:31,735 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 07:59:31,736 - mmseg - INFO - Iter [131000/160000] lr: 3.453e-07, eta: 3:19:26, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1994, decode.acc_seg: 91.5207, aux.loss_ce: 0.1477, aux.acc_seg: 85.8728, loss: 0.3471, grad_norm: 3.5736 2023-11-14 07:59:51,721 - mmseg - INFO - Iter [131050/160000] lr: 3.447e-07, eta: 3:19:05, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1906, decode.acc_seg: 92.1100, aux.loss_ce: 0.1501, aux.acc_seg: 85.7784, loss: 0.3408, grad_norm: 2.9748 2023-11-14 08:00:11,807 - mmseg - INFO - Iter [131100/160000] lr: 3.441e-07, eta: 3:18:45, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1931, decode.acc_seg: 91.9900, aux.loss_ce: 0.1471, aux.acc_seg: 86.0778, loss: 0.3402, grad_norm: 3.2047 2023-11-14 08:00:31,799 - mmseg - INFO - Iter [131150/160000] lr: 3.435e-07, eta: 3:18:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1940, decode.acc_seg: 92.0732, aux.loss_ce: 0.1507, aux.acc_seg: 85.7730, loss: 0.3447, grad_norm: 3.4069 2023-11-14 08:00:51,812 - mmseg - INFO - Iter [131200/160000] lr: 3.429e-07, eta: 3:18:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1984, decode.acc_seg: 91.6685, aux.loss_ce: 0.1529, aux.acc_seg: 85.7679, loss: 0.3513, grad_norm: 3.6750 2023-11-14 08:01:11,758 - mmseg - INFO - Iter [131250/160000] lr: 3.423e-07, eta: 3:17:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1878, decode.acc_seg: 92.1230, aux.loss_ce: 0.1462, aux.acc_seg: 86.0795, loss: 0.3340, grad_norm: 3.4784 2023-11-14 08:01:32,252 - mmseg - INFO - Iter [131300/160000] lr: 3.417e-07, eta: 3:17:22, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1892, decode.acc_seg: 91.8013, aux.loss_ce: 0.1414, aux.acc_seg: 86.5464, loss: 0.3306, grad_norm: 3.2428 2023-11-14 08:01:52,589 - mmseg - INFO - Iter [131350/160000] lr: 3.411e-07, eta: 3:17:01, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2020, decode.acc_seg: 91.5146, aux.loss_ce: 0.1513, aux.acc_seg: 85.5323, loss: 0.3533, grad_norm: 4.0255 2023-11-14 08:02:15,072 - mmseg - INFO - Iter [131400/160000] lr: 3.405e-07, eta: 3:16:41, time: 0.450, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1850, decode.acc_seg: 92.3506, aux.loss_ce: 0.1405, aux.acc_seg: 86.5621, loss: 0.3255, grad_norm: 3.7496 2023-11-14 08:02:35,016 - mmseg - INFO - Iter [131450/160000] lr: 3.399e-07, eta: 3:16:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1968, decode.acc_seg: 91.7871, aux.loss_ce: 0.1460, aux.acc_seg: 86.0743, loss: 0.3428, grad_norm: 3.4431 2023-11-14 08:02:54,948 - mmseg - INFO - Iter [131500/160000] lr: 3.393e-07, eta: 3:15:59, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1925, decode.acc_seg: 91.8798, aux.loss_ce: 0.1506, aux.acc_seg: 85.7708, loss: 0.3431, grad_norm: 3.6377 2023-11-14 08:03:14,848 - mmseg - INFO - Iter [131550/160000] lr: 3.387e-07, eta: 3:15:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2089, decode.acc_seg: 91.1930, aux.loss_ce: 0.1562, aux.acc_seg: 84.6904, loss: 0.3651, grad_norm: 4.8226 2023-11-14 08:03:34,748 - mmseg - INFO - Iter [131600/160000] lr: 3.381e-07, eta: 3:15:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.0658, aux.loss_ce: 0.1439, aux.acc_seg: 86.0825, loss: 0.3269, grad_norm: 3.3187 2023-11-14 08:03:54,654 - mmseg - INFO - Iter [131650/160000] lr: 3.375e-07, eta: 3:14:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.6510, aux.loss_ce: 0.1417, aux.acc_seg: 86.3143, loss: 0.3379, grad_norm: 3.8559 2023-11-14 08:04:14,573 - mmseg - INFO - Iter [131700/160000] lr: 3.370e-07, eta: 3:14:36, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 92.0427, aux.loss_ce: 0.1459, aux.acc_seg: 86.1929, loss: 0.3342, grad_norm: 3.4709 2023-11-14 08:04:34,714 - mmseg - INFO - Iter [131750/160000] lr: 3.364e-07, eta: 3:14:15, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2052, decode.acc_seg: 91.4679, aux.loss_ce: 0.1506, aux.acc_seg: 85.7394, loss: 0.3558, grad_norm: 3.4928 2023-11-14 08:04:55,067 - mmseg - INFO - Iter [131800/160000] lr: 3.358e-07, eta: 3:13:55, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1961, decode.acc_seg: 91.6907, aux.loss_ce: 0.1477, aux.acc_seg: 85.6304, loss: 0.3437, grad_norm: 3.4783 2023-11-14 08:05:15,225 - mmseg - INFO - Iter [131850/160000] lr: 3.352e-07, eta: 3:13:34, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1864, decode.acc_seg: 92.3317, aux.loss_ce: 0.1469, aux.acc_seg: 85.8654, loss: 0.3333, grad_norm: 3.4260 2023-11-14 08:05:35,105 - mmseg - INFO - Iter [131900/160000] lr: 3.346e-07, eta: 3:13:13, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1949, decode.acc_seg: 91.8893, aux.loss_ce: 0.1455, aux.acc_seg: 86.1838, loss: 0.3404, grad_norm: 3.4424 2023-11-14 08:05:54,984 - mmseg - INFO - Iter [131950/160000] lr: 3.340e-07, eta: 3:12:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1901, decode.acc_seg: 91.8645, aux.loss_ce: 0.1372, aux.acc_seg: 86.4288, loss: 0.3273, grad_norm: 3.6419 2023-11-14 08:06:14,851 - mmseg - INFO - Saving checkpoint at 132000 iterations 2023-11-14 08:06:22,740 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:06:22,740 - mmseg - INFO - Iter [132000/160000] lr: 3.334e-07, eta: 3:12:33, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1948, decode.acc_seg: 91.7601, aux.loss_ce: 0.1465, aux.acc_seg: 85.7851, loss: 0.3414, grad_norm: 4.1629 2023-11-14 08:06:42,648 - mmseg - INFO - Iter [132050/160000] lr: 3.328e-07, eta: 3:12:12, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1965, decode.acc_seg: 91.7739, aux.loss_ce: 0.1404, aux.acc_seg: 86.5642, loss: 0.3369, grad_norm: 3.7401 2023-11-14 08:07:02,661 - mmseg - INFO - Iter [132100/160000] lr: 3.322e-07, eta: 3:11:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1823, decode.acc_seg: 92.0547, aux.loss_ce: 0.1337, aux.acc_seg: 86.9768, loss: 0.3160, grad_norm: 3.0607 2023-11-14 08:07:22,690 - mmseg - INFO - Iter [132150/160000] lr: 3.316e-07, eta: 3:11:31, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2081, decode.acc_seg: 91.5098, aux.loss_ce: 0.1537, aux.acc_seg: 85.6347, loss: 0.3618, grad_norm: 3.9391 2023-11-14 08:07:42,725 - mmseg - INFO - Iter [132200/160000] lr: 3.310e-07, eta: 3:11:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1790, decode.acc_seg: 92.3419, aux.loss_ce: 0.1381, aux.acc_seg: 86.4488, loss: 0.3171, grad_norm: 3.1888 2023-11-14 08:08:02,874 - mmseg - INFO - Iter [132250/160000] lr: 3.304e-07, eta: 3:10:49, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1991, decode.acc_seg: 91.6253, aux.loss_ce: 0.1415, aux.acc_seg: 86.3706, loss: 0.3406, grad_norm: 3.9078 2023-11-14 08:08:23,038 - mmseg - INFO - Iter [132300/160000] lr: 3.298e-07, eta: 3:10:29, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1835, decode.acc_seg: 92.0997, aux.loss_ce: 0.1385, aux.acc_seg: 86.5852, loss: 0.3220, grad_norm: 3.0834 2023-11-14 08:08:43,037 - mmseg - INFO - Iter [132350/160000] lr: 3.292e-07, eta: 3:10:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.0939, aux.loss_ce: 0.1338, aux.acc_seg: 87.0096, loss: 0.3184, grad_norm: 3.0747 2023-11-14 08:09:02,947 - mmseg - INFO - Iter [132400/160000] lr: 3.286e-07, eta: 3:09:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2002, decode.acc_seg: 91.6354, aux.loss_ce: 0.1482, aux.acc_seg: 85.7653, loss: 0.3484, grad_norm: 3.9486 2023-11-14 08:09:22,818 - mmseg - INFO - Iter [132450/160000] lr: 3.280e-07, eta: 3:09:26, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1965, decode.acc_seg: 91.8164, aux.loss_ce: 0.1449, aux.acc_seg: 86.4089, loss: 0.3414, grad_norm: 3.7386 2023-11-14 08:09:42,687 - mmseg - INFO - Iter [132500/160000] lr: 3.274e-07, eta: 3:09:06, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2033, decode.acc_seg: 91.5644, aux.loss_ce: 0.1521, aux.acc_seg: 85.8376, loss: 0.3553, grad_norm: 3.6226 2023-11-14 08:10:02,617 - mmseg - INFO - Iter [132550/160000] lr: 3.268e-07, eta: 3:08:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1913, decode.acc_seg: 92.0767, aux.loss_ce: 0.1499, aux.acc_seg: 85.9435, loss: 0.3412, grad_norm: 3.0693 2023-11-14 08:10:22,526 - mmseg - INFO - Iter [132600/160000] lr: 3.262e-07, eta: 3:08:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 91.8654, aux.loss_ce: 0.1484, aux.acc_seg: 85.7425, loss: 0.3448, grad_norm: 3.1659 2023-11-14 08:10:45,046 - mmseg - INFO - Iter [132650/160000] lr: 3.256e-07, eta: 3:08:04, time: 0.450, data_time: 0.049, memory: 16105, decode.loss_ce: 0.1903, decode.acc_seg: 91.8708, aux.loss_ce: 0.1482, aux.acc_seg: 85.7645, loss: 0.3385, grad_norm: 3.8114 2023-11-14 08:11:05,027 - mmseg - INFO - Iter [132700/160000] lr: 3.250e-07, eta: 3:07:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1893, decode.acc_seg: 92.0904, aux.loss_ce: 0.1442, aux.acc_seg: 86.3432, loss: 0.3335, grad_norm: 3.2362 2023-11-14 08:11:25,344 - mmseg - INFO - Iter [132750/160000] lr: 3.245e-07, eta: 3:07:22, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1904, decode.acc_seg: 91.7569, aux.loss_ce: 0.1408, aux.acc_seg: 86.1865, loss: 0.3312, grad_norm: 3.9886 2023-11-14 08:11:45,412 - mmseg - INFO - Iter [132800/160000] lr: 3.239e-07, eta: 3:07:02, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1934, decode.acc_seg: 91.8896, aux.loss_ce: 0.1441, aux.acc_seg: 86.5184, loss: 0.3375, grad_norm: 4.2964 2023-11-14 08:12:05,330 - mmseg - INFO - Iter [132850/160000] lr: 3.233e-07, eta: 3:06:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1936, decode.acc_seg: 91.9010, aux.loss_ce: 0.1463, aux.acc_seg: 86.0748, loss: 0.3399, grad_norm: 3.3920 2023-11-14 08:12:25,221 - mmseg - INFO - Iter [132900/160000] lr: 3.227e-07, eta: 3:06:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1850, decode.acc_seg: 92.2335, aux.loss_ce: 0.1400, aux.acc_seg: 86.7638, loss: 0.3250, grad_norm: 3.5741 2023-11-14 08:12:45,073 - mmseg - INFO - Iter [132950/160000] lr: 3.221e-07, eta: 3:05:59, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1963, decode.acc_seg: 91.6116, aux.loss_ce: 0.1448, aux.acc_seg: 86.0332, loss: 0.3411, grad_norm: 3.4148 2023-11-14 08:13:05,016 - mmseg - INFO - Saving checkpoint at 133000 iterations 2023-11-14 08:13:12,796 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:13:12,797 - mmseg - INFO - Iter [133000/160000] lr: 3.215e-07, eta: 3:05:40, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1965, decode.acc_seg: 91.8077, aux.loss_ce: 0.1502, aux.acc_seg: 85.5393, loss: 0.3467, grad_norm: 4.1665 2023-11-14 08:13:32,803 - mmseg - INFO - Iter [133050/160000] lr: 3.209e-07, eta: 3:05:19, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1967, decode.acc_seg: 91.6395, aux.loss_ce: 0.1454, aux.acc_seg: 86.0379, loss: 0.3422, grad_norm: 3.9713 2023-11-14 08:13:52,891 - mmseg - INFO - Iter [133100/160000] lr: 3.203e-07, eta: 3:04:59, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 92.1089, aux.loss_ce: 0.1404, aux.acc_seg: 86.3921, loss: 0.3265, grad_norm: 3.5964 2023-11-14 08:14:13,041 - mmseg - INFO - Iter [133150/160000] lr: 3.197e-07, eta: 3:04:38, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.1887, aux.loss_ce: 0.1401, aux.acc_seg: 86.4448, loss: 0.3230, grad_norm: 4.4620 2023-11-14 08:14:33,256 - mmseg - INFO - Iter [133200/160000] lr: 3.191e-07, eta: 3:04:17, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1825, decode.acc_seg: 92.4326, aux.loss_ce: 0.1339, aux.acc_seg: 87.6359, loss: 0.3165, grad_norm: 2.8836 2023-11-14 08:14:53,319 - mmseg - INFO - Iter [133250/160000] lr: 3.185e-07, eta: 3:03:56, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1818, decode.acc_seg: 92.3408, aux.loss_ce: 0.1370, aux.acc_seg: 86.5761, loss: 0.3188, grad_norm: 3.1446 2023-11-14 08:15:13,293 - mmseg - INFO - Iter [133300/160000] lr: 3.179e-07, eta: 3:03:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1921, decode.acc_seg: 91.9408, aux.loss_ce: 0.1427, aux.acc_seg: 86.4256, loss: 0.3348, grad_norm: 3.1820 2023-11-14 08:15:33,193 - mmseg - INFO - Iter [133350/160000] lr: 3.173e-07, eta: 3:03:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.5384, aux.loss_ce: 0.1500, aux.acc_seg: 85.3643, loss: 0.3519, grad_norm: 3.7745 2023-11-14 08:15:53,152 - mmseg - INFO - Iter [133400/160000] lr: 3.167e-07, eta: 3:02:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1912, decode.acc_seg: 91.9920, aux.loss_ce: 0.1417, aux.acc_seg: 86.6162, loss: 0.3329, grad_norm: 4.3102 2023-11-14 08:16:13,109 - mmseg - INFO - Iter [133450/160000] lr: 3.161e-07, eta: 3:02:33, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1980, decode.acc_seg: 91.7941, aux.loss_ce: 0.1471, aux.acc_seg: 85.9909, loss: 0.3451, grad_norm: 3.1402 2023-11-14 08:16:33,196 - mmseg - INFO - Iter [133500/160000] lr: 3.155e-07, eta: 3:02:13, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1920, decode.acc_seg: 92.0616, aux.loss_ce: 0.1444, aux.acc_seg: 86.3138, loss: 0.3364, grad_norm: 2.9241 2023-11-14 08:16:53,093 - mmseg - INFO - Iter [133550/160000] lr: 3.149e-07, eta: 3:01:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1860, decode.acc_seg: 92.1194, aux.loss_ce: 0.1452, aux.acc_seg: 86.3390, loss: 0.3311, grad_norm: 3.6001 2023-11-14 08:17:13,144 - mmseg - INFO - Iter [133600/160000] lr: 3.143e-07, eta: 3:01:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 92.1793, aux.loss_ce: 0.1410, aux.acc_seg: 86.7516, loss: 0.3296, grad_norm: 3.2626 2023-11-14 08:17:33,356 - mmseg - INFO - Iter [133650/160000] lr: 3.137e-07, eta: 3:01:10, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1972, decode.acc_seg: 91.9898, aux.loss_ce: 0.1458, aux.acc_seg: 86.1893, loss: 0.3430, grad_norm: 2.9376 2023-11-14 08:17:53,302 - mmseg - INFO - Iter [133700/160000] lr: 3.131e-07, eta: 3:00:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.7748, aux.loss_ce: 0.1501, aux.acc_seg: 85.7311, loss: 0.3474, grad_norm: 3.1237 2023-11-14 08:18:13,322 - mmseg - INFO - Iter [133750/160000] lr: 3.125e-07, eta: 3:00:29, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1919, decode.acc_seg: 91.9870, aux.loss_ce: 0.1505, aux.acc_seg: 85.8120, loss: 0.3424, grad_norm: 3.2343 2023-11-14 08:18:33,207 - mmseg - INFO - Iter [133800/160000] lr: 3.120e-07, eta: 3:00:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1837, decode.acc_seg: 92.1153, aux.loss_ce: 0.1374, aux.acc_seg: 86.8841, loss: 0.3211, grad_norm: 3.4633 2023-11-14 08:18:53,161 - mmseg - INFO - Iter [133850/160000] lr: 3.114e-07, eta: 2:59:47, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1987, decode.acc_seg: 91.7328, aux.loss_ce: 0.1474, aux.acc_seg: 86.1103, loss: 0.3461, grad_norm: 3.7366 2023-11-14 08:19:15,365 - mmseg - INFO - Iter [133900/160000] lr: 3.108e-07, eta: 2:59:27, time: 0.444, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1953, decode.acc_seg: 91.8027, aux.loss_ce: 0.1481, aux.acc_seg: 85.7813, loss: 0.3434, grad_norm: 3.3457 2023-11-14 08:19:35,308 - mmseg - INFO - Iter [133950/160000] lr: 3.102e-07, eta: 2:59:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1791, decode.acc_seg: 92.1578, aux.loss_ce: 0.1437, aux.acc_seg: 86.0813, loss: 0.3228, grad_norm: 3.3438 2023-11-14 08:19:55,320 - mmseg - INFO - Saving checkpoint at 134000 iterations 2023-11-14 08:20:03,182 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:20:03,183 - mmseg - INFO - Iter [134000/160000] lr: 3.096e-07, eta: 2:58:47, time: 0.558, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1810, decode.acc_seg: 92.1316, aux.loss_ce: 0.1319, aux.acc_seg: 87.1928, loss: 0.3129, grad_norm: 3.2169 2023-11-14 08:20:23,431 - mmseg - INFO - Iter [134050/160000] lr: 3.090e-07, eta: 2:58:26, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1945, decode.acc_seg: 91.9422, aux.loss_ce: 0.1455, aux.acc_seg: 86.4975, loss: 0.3400, grad_norm: 3.6255 2023-11-14 08:20:43,792 - mmseg - INFO - Iter [134100/160000] lr: 3.084e-07, eta: 2:58:06, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 92.1880, aux.loss_ce: 0.1405, aux.acc_seg: 86.6532, loss: 0.3288, grad_norm: 4.3167 2023-11-14 08:21:04,004 - mmseg - INFO - Iter [134150/160000] lr: 3.078e-07, eta: 2:57:45, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1903, decode.acc_seg: 91.8994, aux.loss_ce: 0.1408, aux.acc_seg: 86.5298, loss: 0.3311, grad_norm: 3.5440 2023-11-14 08:21:23,978 - mmseg - INFO - Iter [134200/160000] lr: 3.072e-07, eta: 2:57:24, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2115, decode.acc_seg: 91.6379, aux.loss_ce: 0.1592, aux.acc_seg: 85.3247, loss: 0.3707, grad_norm: 4.5803 2023-11-14 08:21:43,984 - mmseg - INFO - Iter [134250/160000] lr: 3.066e-07, eta: 2:57:03, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1899, decode.acc_seg: 91.9359, aux.loss_ce: 0.1459, aux.acc_seg: 85.7276, loss: 0.3358, grad_norm: 3.1524 2023-11-14 08:22:03,923 - mmseg - INFO - Iter [134300/160000] lr: 3.060e-07, eta: 2:56:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1939, decode.acc_seg: 91.9695, aux.loss_ce: 0.1482, aux.acc_seg: 86.0284, loss: 0.3421, grad_norm: 3.6816 2023-11-14 08:22:23,844 - mmseg - INFO - Iter [134350/160000] lr: 3.054e-07, eta: 2:56:22, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.0168, aux.loss_ce: 0.1475, aux.acc_seg: 85.6318, loss: 0.3363, grad_norm: 3.3121 2023-11-14 08:22:43,943 - mmseg - INFO - Iter [134400/160000] lr: 3.048e-07, eta: 2:56:01, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1939, decode.acc_seg: 91.8288, aux.loss_ce: 0.1443, aux.acc_seg: 86.0033, loss: 0.3382, grad_norm: 3.9954 2023-11-14 08:23:03,791 - mmseg - INFO - Iter [134450/160000] lr: 3.042e-07, eta: 2:55:40, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1903, decode.acc_seg: 92.0847, aux.loss_ce: 0.1515, aux.acc_seg: 85.5800, loss: 0.3419, grad_norm: 3.2284 2023-11-14 08:23:23,798 - mmseg - INFO - Iter [134500/160000] lr: 3.036e-07, eta: 2:55:20, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1974, decode.acc_seg: 91.7300, aux.loss_ce: 0.1498, aux.acc_seg: 85.6691, loss: 0.3471, grad_norm: 3.6397 2023-11-14 08:23:43,969 - mmseg - INFO - Iter [134550/160000] lr: 3.030e-07, eta: 2:54:59, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1997, decode.acc_seg: 91.6831, aux.loss_ce: 0.1542, aux.acc_seg: 85.3281, loss: 0.3540, grad_norm: 3.4590 2023-11-14 08:24:04,089 - mmseg - INFO - Iter [134600/160000] lr: 3.024e-07, eta: 2:54:38, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1804, decode.acc_seg: 92.5707, aux.loss_ce: 0.1374, aux.acc_seg: 87.1365, loss: 0.3178, grad_norm: 2.9985 2023-11-14 08:24:24,023 - mmseg - INFO - Iter [134650/160000] lr: 3.018e-07, eta: 2:54:17, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 92.1601, aux.loss_ce: 0.1512, aux.acc_seg: 85.9609, loss: 0.3430, grad_norm: 4.1243 2023-11-14 08:24:43,931 - mmseg - INFO - Iter [134700/160000] lr: 3.012e-07, eta: 2:53:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1901, decode.acc_seg: 92.0184, aux.loss_ce: 0.1402, aux.acc_seg: 86.5498, loss: 0.3304, grad_norm: 3.2985 2023-11-14 08:25:03,914 - mmseg - INFO - Iter [134750/160000] lr: 3.006e-07, eta: 2:53:36, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1906, decode.acc_seg: 91.9968, aux.loss_ce: 0.1453, aux.acc_seg: 86.0968, loss: 0.3359, grad_norm: 3.6484 2023-11-14 08:25:23,806 - mmseg - INFO - Iter [134800/160000] lr: 3.000e-07, eta: 2:53:15, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1992, decode.acc_seg: 91.7078, aux.loss_ce: 0.1456, aux.acc_seg: 86.1342, loss: 0.3447, grad_norm: 3.2211 2023-11-14 08:25:43,660 - mmseg - INFO - Iter [134850/160000] lr: 2.994e-07, eta: 2:52:54, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1952, decode.acc_seg: 91.7799, aux.loss_ce: 0.1483, aux.acc_seg: 85.7925, loss: 0.3435, grad_norm: 3.6889 2023-11-14 08:26:03,919 - mmseg - INFO - Iter [134900/160000] lr: 2.989e-07, eta: 2:52:34, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 91.9844, aux.loss_ce: 0.1444, aux.acc_seg: 86.1216, loss: 0.3340, grad_norm: 3.3079 2023-11-14 08:26:23,951 - mmseg - INFO - Iter [134950/160000] lr: 2.983e-07, eta: 2:52:13, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1875, decode.acc_seg: 92.0020, aux.loss_ce: 0.1362, aux.acc_seg: 86.7345, loss: 0.3237, grad_norm: 3.1172 2023-11-14 08:26:43,946 - mmseg - INFO - Saving checkpoint at 135000 iterations 2023-11-14 08:26:51,905 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:26:51,906 - mmseg - INFO - Iter [135000/160000] lr: 2.977e-07, eta: 2:51:54, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1936, decode.acc_seg: 91.8483, aux.loss_ce: 0.1397, aux.acc_seg: 86.5038, loss: 0.3332, grad_norm: 3.2503 2023-11-14 08:27:12,327 - mmseg - INFO - Iter [135050/160000] lr: 2.971e-07, eta: 2:51:33, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1815, decode.acc_seg: 92.3930, aux.loss_ce: 0.1361, aux.acc_seg: 86.6140, loss: 0.3176, grad_norm: 3.6527 2023-11-14 08:27:32,327 - mmseg - INFO - Iter [135100/160000] lr: 2.965e-07, eta: 2:51:12, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1986, decode.acc_seg: 91.7149, aux.loss_ce: 0.1481, aux.acc_seg: 85.6769, loss: 0.3467, grad_norm: 4.7096 2023-11-14 08:27:54,639 - mmseg - INFO - Iter [135150/160000] lr: 2.959e-07, eta: 2:50:52, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 92.0723, aux.loss_ce: 0.1390, aux.acc_seg: 86.8179, loss: 0.3286, grad_norm: 3.1914 2023-11-14 08:28:14,628 - mmseg - INFO - Iter [135200/160000] lr: 2.953e-07, eta: 2:50:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1981, decode.acc_seg: 91.5394, aux.loss_ce: 0.1518, aux.acc_seg: 85.3119, loss: 0.3499, grad_norm: 3.8220 2023-11-14 08:28:34,611 - mmseg - INFO - Iter [135250/160000] lr: 2.947e-07, eta: 2:50:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2080, decode.acc_seg: 91.3653, aux.loss_ce: 0.1552, aux.acc_seg: 85.1158, loss: 0.3633, grad_norm: 3.4903 2023-11-14 08:28:54,591 - mmseg - INFO - Iter [135300/160000] lr: 2.941e-07, eta: 2:49:50, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1997, decode.acc_seg: 91.7520, aux.loss_ce: 0.1472, aux.acc_seg: 86.0301, loss: 0.3469, grad_norm: 3.5475 2023-11-14 08:29:14,469 - mmseg - INFO - Iter [135350/160000] lr: 2.935e-07, eta: 2:49:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1995, decode.acc_seg: 91.7401, aux.loss_ce: 0.1541, aux.acc_seg: 85.6081, loss: 0.3537, grad_norm: 3.4715 2023-11-14 08:29:34,551 - mmseg - INFO - Iter [135400/160000] lr: 2.929e-07, eta: 2:49:08, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2026, decode.acc_seg: 91.4503, aux.loss_ce: 0.1524, aux.acc_seg: 85.4560, loss: 0.3550, grad_norm: 4.1098 2023-11-14 08:29:54,602 - mmseg - INFO - Iter [135450/160000] lr: 2.923e-07, eta: 2:48:47, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1929, decode.acc_seg: 91.6817, aux.loss_ce: 0.1445, aux.acc_seg: 85.8122, loss: 0.3374, grad_norm: 3.3333 2023-11-14 08:30:14,833 - mmseg - INFO - Iter [135500/160000] lr: 2.917e-07, eta: 2:48:27, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1913, decode.acc_seg: 91.8565, aux.loss_ce: 0.1500, aux.acc_seg: 85.4447, loss: 0.3413, grad_norm: 3.4157 2023-11-14 08:30:34,803 - mmseg - INFO - Iter [135550/160000] lr: 2.911e-07, eta: 2:48:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1891, decode.acc_seg: 92.1286, aux.loss_ce: 0.1422, aux.acc_seg: 86.5935, loss: 0.3313, grad_norm: 3.3365 2023-11-14 08:30:54,695 - mmseg - INFO - Iter [135600/160000] lr: 2.905e-07, eta: 2:47:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1912, decode.acc_seg: 92.1198, aux.loss_ce: 0.1458, aux.acc_seg: 86.7361, loss: 0.3369, grad_norm: 3.5309 2023-11-14 08:31:14,681 - mmseg - INFO - Iter [135650/160000] lr: 2.899e-07, eta: 2:47:25, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1831, decode.acc_seg: 92.4253, aux.loss_ce: 0.1421, aux.acc_seg: 86.5067, loss: 0.3253, grad_norm: 3.2316 2023-11-14 08:31:34,645 - mmseg - INFO - Iter [135700/160000] lr: 2.893e-07, eta: 2:47:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1831, decode.acc_seg: 92.2491, aux.loss_ce: 0.1394, aux.acc_seg: 86.6848, loss: 0.3225, grad_norm: 3.9316 2023-11-14 08:31:54,493 - mmseg - INFO - Iter [135750/160000] lr: 2.887e-07, eta: 2:46:43, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.8280, aux.loss_ce: 0.1497, aux.acc_seg: 85.8500, loss: 0.3470, grad_norm: 3.8843 2023-11-14 08:32:14,432 - mmseg - INFO - Iter [135800/160000] lr: 2.881e-07, eta: 2:46:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1956, decode.acc_seg: 91.8324, aux.loss_ce: 0.1441, aux.acc_seg: 86.3065, loss: 0.3397, grad_norm: 3.8471 2023-11-14 08:32:34,534 - mmseg - INFO - Iter [135850/160000] lr: 2.875e-07, eta: 2:46:02, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1816, decode.acc_seg: 92.1838, aux.loss_ce: 0.1368, aux.acc_seg: 86.5181, loss: 0.3184, grad_norm: 3.2703 2023-11-14 08:32:54,508 - mmseg - INFO - Iter [135900/160000] lr: 2.869e-07, eta: 2:45:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.1178, aux.loss_ce: 0.1383, aux.acc_seg: 86.7261, loss: 0.3270, grad_norm: 3.5831 2023-11-14 08:33:14,807 - mmseg - INFO - Iter [135950/160000] lr: 2.864e-07, eta: 2:45:20, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2113, decode.acc_seg: 91.2636, aux.loss_ce: 0.1515, aux.acc_seg: 85.6680, loss: 0.3628, grad_norm: 4.0738 2023-11-14 08:33:34,778 - mmseg - INFO - Saving checkpoint at 136000 iterations 2023-11-14 08:33:42,792 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:33:42,792 - mmseg - INFO - Iter [136000/160000] lr: 2.858e-07, eta: 2:45:01, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1953, decode.acc_seg: 91.9515, aux.loss_ce: 0.1527, aux.acc_seg: 85.4688, loss: 0.3480, grad_norm: 4.1694 2023-11-14 08:34:02,787 - mmseg - INFO - Iter [136050/160000] lr: 2.852e-07, eta: 2:44:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1889, decode.acc_seg: 92.0278, aux.loss_ce: 0.1429, aux.acc_seg: 85.8831, loss: 0.3318, grad_norm: 3.6005 2023-11-14 08:34:22,664 - mmseg - INFO - Iter [136100/160000] lr: 2.846e-07, eta: 2:44:19, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1946, decode.acc_seg: 91.7077, aux.loss_ce: 0.1445, aux.acc_seg: 86.3640, loss: 0.3391, grad_norm: 3.6643 2023-11-14 08:34:42,671 - mmseg - INFO - Iter [136150/160000] lr: 2.840e-07, eta: 2:43:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1920, decode.acc_seg: 91.8511, aux.loss_ce: 0.1446, aux.acc_seg: 86.2254, loss: 0.3365, grad_norm: 3.0607 2023-11-14 08:35:02,699 - mmseg - INFO - Iter [136200/160000] lr: 2.834e-07, eta: 2:43:38, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1979, decode.acc_seg: 91.8086, aux.loss_ce: 0.1473, aux.acc_seg: 86.0219, loss: 0.3452, grad_norm: 3.7057 2023-11-14 08:35:22,570 - mmseg - INFO - Iter [136250/160000] lr: 2.828e-07, eta: 2:43:17, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1938, decode.acc_seg: 91.7568, aux.loss_ce: 0.1458, aux.acc_seg: 86.0396, loss: 0.3396, grad_norm: 3.6301 2023-11-14 08:35:42,460 - mmseg - INFO - Iter [136300/160000] lr: 2.822e-07, eta: 2:42:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1940, decode.acc_seg: 91.9016, aux.loss_ce: 0.1420, aux.acc_seg: 86.5070, loss: 0.3359, grad_norm: 3.6697 2023-11-14 08:36:02,528 - mmseg - INFO - Iter [136350/160000] lr: 2.816e-07, eta: 2:42:36, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1841, decode.acc_seg: 92.3247, aux.loss_ce: 0.1407, aux.acc_seg: 86.7947, loss: 0.3248, grad_norm: 3.0992 2023-11-14 08:36:22,854 - mmseg - INFO - Iter [136400/160000] lr: 2.810e-07, eta: 2:42:15, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1830, decode.acc_seg: 92.2012, aux.loss_ce: 0.1386, aux.acc_seg: 86.7974, loss: 0.3216, grad_norm: 3.6832 2023-11-14 08:36:45,278 - mmseg - INFO - Iter [136450/160000] lr: 2.804e-07, eta: 2:41:55, time: 0.448, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1805, decode.acc_seg: 92.4378, aux.loss_ce: 0.1417, aux.acc_seg: 86.7684, loss: 0.3222, grad_norm: 3.2906 2023-11-14 08:37:05,191 - mmseg - INFO - Iter [136500/160000] lr: 2.798e-07, eta: 2:41:34, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 92.1031, aux.loss_ce: 0.1371, aux.acc_seg: 86.4717, loss: 0.3225, grad_norm: 3.4379 2023-11-14 08:37:25,189 - mmseg - INFO - Iter [136550/160000] lr: 2.792e-07, eta: 2:41:13, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1874, decode.acc_seg: 92.0425, aux.loss_ce: 0.1384, aux.acc_seg: 86.7497, loss: 0.3259, grad_norm: 3.1595 2023-11-14 08:37:45,069 - mmseg - INFO - Iter [136600/160000] lr: 2.786e-07, eta: 2:40:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1910, decode.acc_seg: 92.0088, aux.loss_ce: 0.1425, aux.acc_seg: 86.4818, loss: 0.3335, grad_norm: 3.2089 2023-11-14 08:38:04,967 - mmseg - INFO - Iter [136650/160000] lr: 2.780e-07, eta: 2:40:32, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1910, decode.acc_seg: 92.0781, aux.loss_ce: 0.1414, aux.acc_seg: 86.5434, loss: 0.3324, grad_norm: 2.9985 2023-11-14 08:38:25,094 - mmseg - INFO - Iter [136700/160000] lr: 2.774e-07, eta: 2:40:11, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.0849, aux.loss_ce: 0.1367, aux.acc_seg: 86.9856, loss: 0.3255, grad_norm: 3.4078 2023-11-14 08:38:44,957 - mmseg - INFO - Iter [136750/160000] lr: 2.768e-07, eta: 2:39:50, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 92.0278, aux.loss_ce: 0.1407, aux.acc_seg: 86.3923, loss: 0.3269, grad_norm: 3.4018 2023-11-14 08:39:04,930 - mmseg - INFO - Iter [136800/160000] lr: 2.762e-07, eta: 2:39:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.0938, aux.loss_ce: 0.1368, aux.acc_seg: 86.7087, loss: 0.3215, grad_norm: 3.0189 2023-11-14 08:39:24,938 - mmseg - INFO - Iter [136850/160000] lr: 2.756e-07, eta: 2:39:09, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 92.2263, aux.loss_ce: 0.1492, aux.acc_seg: 85.9487, loss: 0.3375, grad_norm: 2.8580 2023-11-14 08:39:45,052 - mmseg - INFO - Iter [136900/160000] lr: 2.750e-07, eta: 2:38:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1849, decode.acc_seg: 92.1460, aux.loss_ce: 0.1417, aux.acc_seg: 86.3322, loss: 0.3266, grad_norm: 3.1012 2023-11-14 08:40:05,032 - mmseg - INFO - Iter [136950/160000] lr: 2.744e-07, eta: 2:38:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2036, decode.acc_seg: 91.5584, aux.loss_ce: 0.1519, aux.acc_seg: 85.5598, loss: 0.3555, grad_norm: 3.4881 2023-11-14 08:40:24,918 - mmseg - INFO - Saving checkpoint at 137000 iterations 2023-11-14 08:40:32,864 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:40:32,864 - mmseg - INFO - Iter [137000/160000] lr: 2.739e-07, eta: 2:38:08, time: 0.557, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1905, decode.acc_seg: 91.9142, aux.loss_ce: 0.1446, aux.acc_seg: 86.3028, loss: 0.3350, grad_norm: 3.8362 2023-11-14 08:40:53,015 - mmseg - INFO - Iter [137050/160000] lr: 2.733e-07, eta: 2:37:47, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 91.9956, aux.loss_ce: 0.1483, aux.acc_seg: 85.9256, loss: 0.3379, grad_norm: 3.4641 2023-11-14 08:41:12,920 - mmseg - INFO - Iter [137100/160000] lr: 2.727e-07, eta: 2:37:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1811, decode.acc_seg: 92.1602, aux.loss_ce: 0.1425, aux.acc_seg: 86.1443, loss: 0.3236, grad_norm: 2.9219 2023-11-14 08:41:32,764 - mmseg - INFO - Iter [137150/160000] lr: 2.721e-07, eta: 2:37:06, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1928, decode.acc_seg: 91.8454, aux.loss_ce: 0.1497, aux.acc_seg: 85.7786, loss: 0.3425, grad_norm: 3.4702 2023-11-14 08:41:52,776 - mmseg - INFO - Iter [137200/160000] lr: 2.715e-07, eta: 2:36:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2067, decode.acc_seg: 91.4060, aux.loss_ce: 0.1516, aux.acc_seg: 85.3511, loss: 0.3583, grad_norm: 4.2116 2023-11-14 08:42:12,775 - mmseg - INFO - Iter [137250/160000] lr: 2.709e-07, eta: 2:36:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 91.9472, aux.loss_ce: 0.1468, aux.acc_seg: 85.8649, loss: 0.3385, grad_norm: 3.2528 2023-11-14 08:42:32,805 - mmseg - INFO - Iter [137300/160000] lr: 2.703e-07, eta: 2:36:03, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1922, decode.acc_seg: 91.8651, aux.loss_ce: 0.1409, aux.acc_seg: 86.5510, loss: 0.3331, grad_norm: 3.1899 2023-11-14 08:42:53,073 - mmseg - INFO - Iter [137350/160000] lr: 2.697e-07, eta: 2:35:43, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 92.1180, aux.loss_ce: 0.1436, aux.acc_seg: 86.2467, loss: 0.3321, grad_norm: 3.2985 2023-11-14 08:43:13,148 - mmseg - INFO - Iter [137400/160000] lr: 2.691e-07, eta: 2:35:22, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1817, decode.acc_seg: 92.3209, aux.loss_ce: 0.1405, aux.acc_seg: 86.5550, loss: 0.3223, grad_norm: 2.9874 2023-11-14 08:43:33,059 - mmseg - INFO - Iter [137450/160000] lr: 2.685e-07, eta: 2:35:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1833, decode.acc_seg: 92.1362, aux.loss_ce: 0.1431, aux.acc_seg: 86.0208, loss: 0.3264, grad_norm: 3.1750 2023-11-14 08:43:53,002 - mmseg - INFO - Iter [137500/160000] lr: 2.679e-07, eta: 2:34:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1775, decode.acc_seg: 92.5230, aux.loss_ce: 0.1371, aux.acc_seg: 86.6499, loss: 0.3146, grad_norm: 3.1068 2023-11-14 08:44:12,960 - mmseg - INFO - Iter [137550/160000] lr: 2.673e-07, eta: 2:34:20, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1839, decode.acc_seg: 92.2174, aux.loss_ce: 0.1417, aux.acc_seg: 86.5858, loss: 0.3256, grad_norm: 3.4434 2023-11-14 08:44:32,822 - mmseg - INFO - Iter [137600/160000] lr: 2.667e-07, eta: 2:33:59, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1901, decode.acc_seg: 92.2174, aux.loss_ce: 0.1387, aux.acc_seg: 86.5664, loss: 0.3288, grad_norm: 2.8771 2023-11-14 08:44:52,755 - mmseg - INFO - Iter [137650/160000] lr: 2.661e-07, eta: 2:33:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1934, decode.acc_seg: 91.9087, aux.loss_ce: 0.1387, aux.acc_seg: 86.7499, loss: 0.3321, grad_norm: 2.9917 2023-11-14 08:45:15,167 - mmseg - INFO - Iter [137700/160000] lr: 2.655e-07, eta: 2:33:18, time: 0.448, data_time: 0.049, memory: 16105, decode.loss_ce: 0.1754, decode.acc_seg: 92.5300, aux.loss_ce: 0.1332, aux.acc_seg: 86.8226, loss: 0.3085, grad_norm: 3.6665 2023-11-14 08:45:35,199 - mmseg - INFO - Iter [137750/160000] lr: 2.649e-07, eta: 2:32:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1930, decode.acc_seg: 91.9740, aux.loss_ce: 0.1466, aux.acc_seg: 86.1375, loss: 0.3396, grad_norm: 3.0394 2023-11-14 08:45:55,494 - mmseg - INFO - Iter [137800/160000] lr: 2.643e-07, eta: 2:32:37, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 92.1509, aux.loss_ce: 0.1444, aux.acc_seg: 86.1542, loss: 0.3305, grad_norm: 3.7352 2023-11-14 08:46:15,476 - mmseg - INFO - Iter [137850/160000] lr: 2.637e-07, eta: 2:32:16, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1867, decode.acc_seg: 91.9689, aux.loss_ce: 0.1473, aux.acc_seg: 85.7477, loss: 0.3339, grad_norm: 3.5508 2023-11-14 08:46:35,578 - mmseg - INFO - Iter [137900/160000] lr: 2.631e-07, eta: 2:31:55, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 92.2635, aux.loss_ce: 0.1398, aux.acc_seg: 86.8307, loss: 0.3260, grad_norm: 3.4415 2023-11-14 08:46:55,601 - mmseg - INFO - Iter [137950/160000] lr: 2.625e-07, eta: 2:31:34, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1950, decode.acc_seg: 91.8692, aux.loss_ce: 0.1430, aux.acc_seg: 86.2573, loss: 0.3380, grad_norm: 3.7699 2023-11-14 08:47:15,454 - mmseg - INFO - Saving checkpoint at 138000 iterations 2023-11-14 08:47:24,307 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:47:24,307 - mmseg - INFO - Iter [138000/160000] lr: 2.619e-07, eta: 2:31:15, time: 0.574, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1939, decode.acc_seg: 92.0628, aux.loss_ce: 0.1367, aux.acc_seg: 87.2922, loss: 0.3306, grad_norm: 3.7306 2023-11-14 08:47:44,263 - mmseg - INFO - Iter [138050/160000] lr: 2.614e-07, eta: 2:30:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1855, decode.acc_seg: 92.0847, aux.loss_ce: 0.1397, aux.acc_seg: 86.1065, loss: 0.3252, grad_norm: 3.9087 2023-11-14 08:48:04,172 - mmseg - INFO - Iter [138100/160000] lr: 2.608e-07, eta: 2:30:34, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1781, decode.acc_seg: 92.3904, aux.loss_ce: 0.1366, aux.acc_seg: 86.7862, loss: 0.3148, grad_norm: 2.9615 2023-11-14 08:48:24,147 - mmseg - INFO - Iter [138150/160000] lr: 2.602e-07, eta: 2:30:13, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2024, decode.acc_seg: 91.4821, aux.loss_ce: 0.1502, aux.acc_seg: 85.7728, loss: 0.3526, grad_norm: 3.4958 2023-11-14 08:48:44,408 - mmseg - INFO - Iter [138200/160000] lr: 2.596e-07, eta: 2:29:52, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1976, decode.acc_seg: 91.9662, aux.loss_ce: 0.1479, aux.acc_seg: 86.2638, loss: 0.3454, grad_norm: 3.4234 2023-11-14 08:49:04,792 - mmseg - INFO - Iter [138250/160000] lr: 2.590e-07, eta: 2:29:32, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1880, decode.acc_seg: 92.0834, aux.loss_ce: 0.1424, aux.acc_seg: 86.2119, loss: 0.3305, grad_norm: 3.3369 2023-11-14 08:49:24,851 - mmseg - INFO - Iter [138300/160000] lr: 2.584e-07, eta: 2:29:11, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1951, decode.acc_seg: 91.7861, aux.loss_ce: 0.1479, aux.acc_seg: 85.8080, loss: 0.3430, grad_norm: 3.4890 2023-11-14 08:49:45,020 - mmseg - INFO - Iter [138350/160000] lr: 2.578e-07, eta: 2:28:50, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 92.1044, aux.loss_ce: 0.1373, aux.acc_seg: 86.7583, loss: 0.3234, grad_norm: 3.2891 2023-11-14 08:50:04,973 - mmseg - INFO - Iter [138400/160000] lr: 2.572e-07, eta: 2:28:29, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1840, decode.acc_seg: 92.1619, aux.loss_ce: 0.1429, aux.acc_seg: 86.0495, loss: 0.3269, grad_norm: 2.9677 2023-11-14 08:50:25,050 - mmseg - INFO - Iter [138450/160000] lr: 2.566e-07, eta: 2:28:09, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1856, decode.acc_seg: 92.1279, aux.loss_ce: 0.1468, aux.acc_seg: 86.1597, loss: 0.3323, grad_norm: 3.2587 2023-11-14 08:50:45,128 - mmseg - INFO - Iter [138500/160000] lr: 2.560e-07, eta: 2:27:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 91.8328, aux.loss_ce: 0.1416, aux.acc_seg: 86.1870, loss: 0.3334, grad_norm: 3.8121 2023-11-14 08:51:05,049 - mmseg - INFO - Iter [138550/160000] lr: 2.554e-07, eta: 2:27:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 92.2067, aux.loss_ce: 0.1447, aux.acc_seg: 86.0687, loss: 0.3308, grad_norm: 3.4258 2023-11-14 08:51:25,253 - mmseg - INFO - Iter [138600/160000] lr: 2.548e-07, eta: 2:27:07, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1884, decode.acc_seg: 91.9833, aux.loss_ce: 0.1484, aux.acc_seg: 85.8385, loss: 0.3367, grad_norm: 3.7100 2023-11-14 08:51:45,315 - mmseg - INFO - Iter [138650/160000] lr: 2.542e-07, eta: 2:26:46, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1998, decode.acc_seg: 91.4260, aux.loss_ce: 0.1489, aux.acc_seg: 85.4144, loss: 0.3487, grad_norm: 3.3073 2023-11-14 08:52:05,629 - mmseg - INFO - Iter [138700/160000] lr: 2.536e-07, eta: 2:26:25, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1872, decode.acc_seg: 92.0329, aux.loss_ce: 0.1462, aux.acc_seg: 86.0492, loss: 0.3335, grad_norm: 4.0307 2023-11-14 08:52:25,688 - mmseg - INFO - Iter [138750/160000] lr: 2.530e-07, eta: 2:26:04, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1854, decode.acc_seg: 92.4974, aux.loss_ce: 0.1428, aux.acc_seg: 86.7763, loss: 0.3281, grad_norm: 3.3280 2023-11-14 08:52:45,647 - mmseg - INFO - Iter [138800/160000] lr: 2.524e-07, eta: 2:25:44, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 92.1279, aux.loss_ce: 0.1426, aux.acc_seg: 86.0665, loss: 0.3297, grad_norm: 2.9091 2023-11-14 08:53:05,558 - mmseg - INFO - Iter [138850/160000] lr: 2.518e-07, eta: 2:25:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 92.1006, aux.loss_ce: 0.1433, aux.acc_seg: 86.2668, loss: 0.3314, grad_norm: 3.6855 2023-11-14 08:53:25,479 - mmseg - INFO - Iter [138900/160000] lr: 2.512e-07, eta: 2:25:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1937, decode.acc_seg: 91.8421, aux.loss_ce: 0.1451, aux.acc_seg: 86.0238, loss: 0.3388, grad_norm: 3.3225 2023-11-14 08:53:47,950 - mmseg - INFO - Iter [138950/160000] lr: 2.506e-07, eta: 2:24:42, time: 0.449, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1942, decode.acc_seg: 91.9169, aux.loss_ce: 0.1451, aux.acc_seg: 86.4189, loss: 0.3393, grad_norm: 4.0496 2023-11-14 08:54:07,988 - mmseg - INFO - Saving checkpoint at 139000 iterations 2023-11-14 08:54:16,008 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 08:54:16,009 - mmseg - INFO - Iter [139000/160000] lr: 2.500e-07, eta: 2:24:22, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1836, decode.acc_seg: 92.3082, aux.loss_ce: 0.1370, aux.acc_seg: 87.0170, loss: 0.3206, grad_norm: 3.8734 2023-11-14 08:54:35,951 - mmseg - INFO - Iter [139050/160000] lr: 2.494e-07, eta: 2:24:02, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1942, decode.acc_seg: 91.8287, aux.loss_ce: 0.1418, aux.acc_seg: 86.3616, loss: 0.3360, grad_norm: 3.9174 2023-11-14 08:54:56,048 - mmseg - INFO - Iter [139100/160000] lr: 2.488e-07, eta: 2:23:41, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1992, decode.acc_seg: 91.7052, aux.loss_ce: 0.1520, aux.acc_seg: 85.8137, loss: 0.3512, grad_norm: 3.5388 2023-11-14 08:55:16,148 - mmseg - INFO - Iter [139150/160000] lr: 2.483e-07, eta: 2:23:20, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.4414, aux.loss_ce: 0.1389, aux.acc_seg: 86.7137, loss: 0.3218, grad_norm: 3.1271 2023-11-14 08:55:36,318 - mmseg - INFO - Iter [139200/160000] lr: 2.477e-07, eta: 2:23:00, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1955, decode.acc_seg: 91.9544, aux.loss_ce: 0.1484, aux.acc_seg: 86.2752, loss: 0.3439, grad_norm: 3.8354 2023-11-14 08:55:56,318 - mmseg - INFO - Iter [139250/160000] lr: 2.471e-07, eta: 2:22:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1924, decode.acc_seg: 91.8310, aux.loss_ce: 0.1477, aux.acc_seg: 85.9441, loss: 0.3401, grad_norm: 3.1478 2023-11-14 08:56:16,222 - mmseg - INFO - Iter [139300/160000] lr: 2.465e-07, eta: 2:22:18, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.2037, aux.loss_ce: 0.1366, aux.acc_seg: 86.9151, loss: 0.3213, grad_norm: 3.0342 2023-11-14 08:56:36,254 - mmseg - INFO - Iter [139350/160000] lr: 2.459e-07, eta: 2:21:57, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1844, decode.acc_seg: 92.1608, aux.loss_ce: 0.1405, aux.acc_seg: 86.5282, loss: 0.3248, grad_norm: 3.5786 2023-11-14 08:56:56,178 - mmseg - INFO - Iter [139400/160000] lr: 2.453e-07, eta: 2:21:37, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 91.9548, aux.loss_ce: 0.1404, aux.acc_seg: 86.6149, loss: 0.3313, grad_norm: 3.5948 2023-11-14 08:57:16,143 - mmseg - INFO - Iter [139450/160000] lr: 2.447e-07, eta: 2:21:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1865, decode.acc_seg: 92.1607, aux.loss_ce: 0.1462, aux.acc_seg: 86.1907, loss: 0.3327, grad_norm: 3.2810 2023-11-14 08:57:36,053 - mmseg - INFO - Iter [139500/160000] lr: 2.441e-07, eta: 2:20:55, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1975, decode.acc_seg: 91.6196, aux.loss_ce: 0.1521, aux.acc_seg: 85.5248, loss: 0.3496, grad_norm: 3.1364 2023-11-14 08:57:56,044 - mmseg - INFO - Iter [139550/160000] lr: 2.435e-07, eta: 2:20:35, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1788, decode.acc_seg: 92.3568, aux.loss_ce: 0.1356, aux.acc_seg: 86.9982, loss: 0.3144, grad_norm: 3.0800 2023-11-14 08:58:16,083 - mmseg - INFO - Iter [139600/160000] lr: 2.429e-07, eta: 2:20:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 92.0661, aux.loss_ce: 0.1417, aux.acc_seg: 86.2524, loss: 0.3326, grad_norm: 3.3583 2023-11-14 08:58:36,331 - mmseg - INFO - Iter [139650/160000] lr: 2.423e-07, eta: 2:19:53, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.0795, aux.loss_ce: 0.1328, aux.acc_seg: 87.1392, loss: 0.3158, grad_norm: 3.4232 2023-11-14 08:58:56,490 - mmseg - INFO - Iter [139700/160000] lr: 2.417e-07, eta: 2:19:32, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2084, decode.acc_seg: 91.1609, aux.loss_ce: 0.1565, aux.acc_seg: 85.1651, loss: 0.3649, grad_norm: 5.4534 2023-11-14 08:59:16,421 - mmseg - INFO - Iter [139750/160000] lr: 2.411e-07, eta: 2:19:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 91.8737, aux.loss_ce: 0.1451, aux.acc_seg: 86.0028, loss: 0.3369, grad_norm: 3.3304 2023-11-14 08:59:36,343 - mmseg - INFO - Iter [139800/160000] lr: 2.405e-07, eta: 2:18:51, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.1524, aux.loss_ce: 0.1425, aux.acc_seg: 86.2483, loss: 0.3272, grad_norm: 3.1522 2023-11-14 08:59:56,366 - mmseg - INFO - Iter [139850/160000] lr: 2.399e-07, eta: 2:18:30, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1936, decode.acc_seg: 91.7359, aux.loss_ce: 0.1441, aux.acc_seg: 86.2106, loss: 0.3378, grad_norm: 3.6624 2023-11-14 09:00:16,338 - mmseg - INFO - Iter [139900/160000] lr: 2.393e-07, eta: 2:18:10, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1894, decode.acc_seg: 92.0791, aux.loss_ce: 0.1411, aux.acc_seg: 86.2349, loss: 0.3305, grad_norm: 3.5840 2023-11-14 09:00:36,597 - mmseg - INFO - Iter [139950/160000] lr: 2.387e-07, eta: 2:17:49, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1938, decode.acc_seg: 91.9751, aux.loss_ce: 0.1459, aux.acc_seg: 85.9615, loss: 0.3396, grad_norm: 3.5738 2023-11-14 09:00:56,533 - mmseg - INFO - Saving checkpoint at 140000 iterations 2023-11-14 09:01:04,939 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:01:04,939 - mmseg - INFO - Iter [140000/160000] lr: 2.381e-07, eta: 2:17:29, time: 0.567, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1904, decode.acc_seg: 91.8374, aux.loss_ce: 0.1429, aux.acc_seg: 86.0546, loss: 0.3333, grad_norm: 3.8174 2023-11-14 09:01:25,025 - mmseg - INFO - Iter [140050/160000] lr: 2.375e-07, eta: 2:17:09, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1803, decode.acc_seg: 92.4525, aux.loss_ce: 0.1332, aux.acc_seg: 87.3431, loss: 0.3135, grad_norm: 3.2477 2023-11-14 09:01:45,439 - mmseg - INFO - Iter [140100/160000] lr: 2.369e-07, eta: 2:16:48, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1920, decode.acc_seg: 92.0615, aux.loss_ce: 0.1491, aux.acc_seg: 85.7991, loss: 0.3411, grad_norm: 3.2065 2023-11-14 09:02:05,639 - mmseg - INFO - Iter [140150/160000] lr: 2.363e-07, eta: 2:16:27, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 92.0377, aux.loss_ce: 0.1505, aux.acc_seg: 85.9011, loss: 0.3469, grad_norm: 4.7988 2023-11-14 09:02:28,001 - mmseg - INFO - Iter [140200/160000] lr: 2.358e-07, eta: 2:16:07, time: 0.447, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1889, decode.acc_seg: 91.9860, aux.loss_ce: 0.1383, aux.acc_seg: 86.4027, loss: 0.3273, grad_norm: 3.8152 2023-11-14 09:02:47,974 - mmseg - INFO - Iter [140250/160000] lr: 2.352e-07, eta: 2:15:46, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1922, decode.acc_seg: 91.7047, aux.loss_ce: 0.1473, aux.acc_seg: 86.0567, loss: 0.3395, grad_norm: 3.7485 2023-11-14 09:03:07,860 - mmseg - INFO - Iter [140300/160000] lr: 2.346e-07, eta: 2:15:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 92.1601, aux.loss_ce: 0.1469, aux.acc_seg: 86.2403, loss: 0.3387, grad_norm: 3.1613 2023-11-14 09:03:27,892 - mmseg - INFO - Iter [140350/160000] lr: 2.340e-07, eta: 2:15:05, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1901, decode.acc_seg: 92.0142, aux.loss_ce: 0.1405, aux.acc_seg: 86.5806, loss: 0.3306, grad_norm: 2.9533 2023-11-14 09:03:47,928 - mmseg - INFO - Iter [140400/160000] lr: 2.334e-07, eta: 2:14:44, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1850, decode.acc_seg: 92.2668, aux.loss_ce: 0.1400, aux.acc_seg: 86.7435, loss: 0.3250, grad_norm: 3.3592 2023-11-14 09:04:07,835 - mmseg - INFO - Iter [140450/160000] lr: 2.328e-07, eta: 2:14:23, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 92.1527, aux.loss_ce: 0.1366, aux.acc_seg: 87.0944, loss: 0.3219, grad_norm: 3.4131 2023-11-14 09:04:27,945 - mmseg - INFO - Iter [140500/160000] lr: 2.322e-07, eta: 2:14:03, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1947, decode.acc_seg: 91.7674, aux.loss_ce: 0.1375, aux.acc_seg: 86.6598, loss: 0.3322, grad_norm: 3.9299 2023-11-14 09:04:48,302 - mmseg - INFO - Iter [140550/160000] lr: 2.316e-07, eta: 2:13:42, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.4058, aux.loss_ce: 0.1416, aux.acc_seg: 86.3607, loss: 0.3245, grad_norm: 3.7487 2023-11-14 09:05:08,330 - mmseg - INFO - Iter [140600/160000] lr: 2.310e-07, eta: 2:13:21, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1891, decode.acc_seg: 91.9329, aux.loss_ce: 0.1402, aux.acc_seg: 86.1787, loss: 0.3293, grad_norm: 3.8540 2023-11-14 09:05:28,216 - mmseg - INFO - Iter [140650/160000] lr: 2.304e-07, eta: 2:13:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1930, decode.acc_seg: 91.8222, aux.loss_ce: 0.1469, aux.acc_seg: 85.6605, loss: 0.3400, grad_norm: 3.5983 2023-11-14 09:05:48,183 - mmseg - INFO - Iter [140700/160000] lr: 2.298e-07, eta: 2:12:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1868, decode.acc_seg: 92.1483, aux.loss_ce: 0.1402, aux.acc_seg: 86.3810, loss: 0.3270, grad_norm: 2.9605 2023-11-14 09:06:08,154 - mmseg - INFO - Iter [140750/160000] lr: 2.292e-07, eta: 2:12:19, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1970, decode.acc_seg: 91.8237, aux.loss_ce: 0.1478, aux.acc_seg: 86.0428, loss: 0.3449, grad_norm: 3.5240 2023-11-14 09:06:28,138 - mmseg - INFO - Iter [140800/160000] lr: 2.286e-07, eta: 2:11:59, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1905, decode.acc_seg: 91.8053, aux.loss_ce: 0.1384, aux.acc_seg: 86.4335, loss: 0.3288, grad_norm: 3.7189 2023-11-14 09:06:48,059 - mmseg - INFO - Iter [140850/160000] lr: 2.280e-07, eta: 2:11:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2028, decode.acc_seg: 91.6385, aux.loss_ce: 0.1484, aux.acc_seg: 85.9887, loss: 0.3512, grad_norm: 3.9693 2023-11-14 09:07:07,968 - mmseg - INFO - Iter [140900/160000] lr: 2.274e-07, eta: 2:11:17, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1887, decode.acc_seg: 92.1165, aux.loss_ce: 0.1400, aux.acc_seg: 86.5575, loss: 0.3287, grad_norm: 3.7037 2023-11-14 09:07:28,116 - mmseg - INFO - Iter [140950/160000] lr: 2.268e-07, eta: 2:10:56, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1794, decode.acc_seg: 92.5299, aux.loss_ce: 0.1403, aux.acc_seg: 87.0929, loss: 0.3197, grad_norm: 3.4965 2023-11-14 09:07:48,326 - mmseg - INFO - Saving checkpoint at 141000 iterations 2023-11-14 09:07:56,287 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:07:56,287 - mmseg - INFO - Iter [141000/160000] lr: 2.262e-07, eta: 2:10:37, time: 0.564, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1923, decode.acc_seg: 91.9153, aux.loss_ce: 0.1480, aux.acc_seg: 85.8797, loss: 0.3403, grad_norm: 3.3853 2023-11-14 09:08:16,396 - mmseg - INFO - Iter [141050/160000] lr: 2.256e-07, eta: 2:10:16, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1989, decode.acc_seg: 91.6480, aux.loss_ce: 0.1488, aux.acc_seg: 86.1290, loss: 0.3477, grad_norm: 4.4083 2023-11-14 09:08:36,425 - mmseg - INFO - Iter [141100/160000] lr: 2.250e-07, eta: 2:09:55, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1915, decode.acc_seg: 91.8391, aux.loss_ce: 0.1426, aux.acc_seg: 86.0593, loss: 0.3341, grad_norm: 3.1615 2023-11-14 09:08:56,456 - mmseg - INFO - Iter [141150/160000] lr: 2.244e-07, eta: 2:09:35, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1810, decode.acc_seg: 92.4008, aux.loss_ce: 0.1382, aux.acc_seg: 86.6717, loss: 0.3192, grad_norm: 2.9005 2023-11-14 09:09:16,428 - mmseg - INFO - Iter [141200/160000] lr: 2.238e-07, eta: 2:09:14, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1886, decode.acc_seg: 92.0475, aux.loss_ce: 0.1439, aux.acc_seg: 86.1693, loss: 0.3324, grad_norm: 3.3925 2023-11-14 09:09:36,295 - mmseg - INFO - Iter [141250/160000] lr: 2.233e-07, eta: 2:08:53, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1933, decode.acc_seg: 92.0912, aux.loss_ce: 0.1442, aux.acc_seg: 86.2118, loss: 0.3375, grad_norm: 4.4214 2023-11-14 09:09:56,216 - mmseg - INFO - Iter [141300/160000] lr: 2.227e-07, eta: 2:08:33, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1965, decode.acc_seg: 91.6750, aux.loss_ce: 0.1477, aux.acc_seg: 85.9584, loss: 0.3442, grad_norm: 3.4360 2023-11-14 09:10:16,170 - mmseg - INFO - Iter [141350/160000] lr: 2.221e-07, eta: 2:08:12, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1910, decode.acc_seg: 91.9599, aux.loss_ce: 0.1445, aux.acc_seg: 85.9960, loss: 0.3355, grad_norm: 3.8148 2023-11-14 09:10:36,175 - mmseg - INFO - Iter [141400/160000] lr: 2.215e-07, eta: 2:07:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1929, decode.acc_seg: 92.0544, aux.loss_ce: 0.1458, aux.acc_seg: 86.2674, loss: 0.3387, grad_norm: 3.7330 2023-11-14 09:10:56,270 - mmseg - INFO - Iter [141450/160000] lr: 2.209e-07, eta: 2:07:30, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1998, decode.acc_seg: 91.7865, aux.loss_ce: 0.1466, aux.acc_seg: 86.1928, loss: 0.3463, grad_norm: 3.3815 2023-11-14 09:11:18,832 - mmseg - INFO - Iter [141500/160000] lr: 2.203e-07, eta: 2:07:10, time: 0.451, data_time: 0.052, memory: 16105, decode.loss_ce: 0.1944, decode.acc_seg: 91.6962, aux.loss_ce: 0.1522, aux.acc_seg: 85.1892, loss: 0.3466, grad_norm: 3.1561 2023-11-14 09:11:38,829 - mmseg - INFO - Iter [141550/160000] lr: 2.197e-07, eta: 2:06:49, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 91.9730, aux.loss_ce: 0.1463, aux.acc_seg: 86.2098, loss: 0.3372, grad_norm: 3.4613 2023-11-14 09:11:58,948 - mmseg - INFO - Iter [141600/160000] lr: 2.191e-07, eta: 2:06:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1840, decode.acc_seg: 92.1203, aux.loss_ce: 0.1414, aux.acc_seg: 86.1264, loss: 0.3254, grad_norm: 3.5060 2023-11-14 09:12:18,890 - mmseg - INFO - Iter [141650/160000] lr: 2.185e-07, eta: 2:06:08, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2022, decode.acc_seg: 91.4152, aux.loss_ce: 0.1515, aux.acc_seg: 85.3500, loss: 0.3537, grad_norm: 3.3930 2023-11-14 09:12:38,819 - mmseg - INFO - Iter [141700/160000] lr: 2.179e-07, eta: 2:05:47, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1838, decode.acc_seg: 92.2916, aux.loss_ce: 0.1428, aux.acc_seg: 86.7088, loss: 0.3266, grad_norm: 3.4314 2023-11-14 09:12:58,727 - mmseg - INFO - Iter [141750/160000] lr: 2.173e-07, eta: 2:05:27, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1987, decode.acc_seg: 91.6381, aux.loss_ce: 0.1454, aux.acc_seg: 85.9857, loss: 0.3441, grad_norm: 4.1120 2023-11-14 09:13:18,650 - mmseg - INFO - Iter [141800/160000] lr: 2.167e-07, eta: 2:05:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1892, decode.acc_seg: 92.2123, aux.loss_ce: 0.1427, aux.acc_seg: 86.1654, loss: 0.3319, grad_norm: 4.1428 2023-11-14 09:13:38,673 - mmseg - INFO - Iter [141850/160000] lr: 2.161e-07, eta: 2:04:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 92.2098, aux.loss_ce: 0.1374, aux.acc_seg: 86.7180, loss: 0.3237, grad_norm: 3.2997 2023-11-14 09:13:58,638 - mmseg - INFO - Iter [141900/160000] lr: 2.155e-07, eta: 2:04:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1971, decode.acc_seg: 91.9688, aux.loss_ce: 0.1408, aux.acc_seg: 86.7920, loss: 0.3379, grad_norm: 3.5082 2023-11-14 09:14:18,969 - mmseg - INFO - Iter [141950/160000] lr: 2.149e-07, eta: 2:04:04, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1695, decode.acc_seg: 92.8081, aux.loss_ce: 0.1331, aux.acc_seg: 87.1943, loss: 0.3026, grad_norm: 2.8228 2023-11-14 09:14:38,948 - mmseg - INFO - Saving checkpoint at 142000 iterations 2023-11-14 09:14:46,893 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:14:46,893 - mmseg - INFO - Iter [142000/160000] lr: 2.143e-07, eta: 2:03:44, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1926, decode.acc_seg: 92.1051, aux.loss_ce: 0.1451, aux.acc_seg: 86.6044, loss: 0.3377, grad_norm: 3.8762 2023-11-14 09:15:06,941 - mmseg - INFO - Iter [142050/160000] lr: 2.137e-07, eta: 2:03:23, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1859, decode.acc_seg: 91.9904, aux.loss_ce: 0.1445, aux.acc_seg: 85.7779, loss: 0.3304, grad_norm: 3.5087 2023-11-14 09:15:26,884 - mmseg - INFO - Iter [142100/160000] lr: 2.131e-07, eta: 2:03:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2044, decode.acc_seg: 91.5546, aux.loss_ce: 0.1493, aux.acc_seg: 85.8744, loss: 0.3538, grad_norm: 4.7237 2023-11-14 09:15:46,978 - mmseg - INFO - Iter [142150/160000] lr: 2.125e-07, eta: 2:02:42, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 91.9973, aux.loss_ce: 0.1466, aux.acc_seg: 85.7897, loss: 0.3375, grad_norm: 3.6145 2023-11-14 09:16:06,946 - mmseg - INFO - Iter [142200/160000] lr: 2.119e-07, eta: 2:02:21, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1900, decode.acc_seg: 92.0442, aux.loss_ce: 0.1377, aux.acc_seg: 87.0371, loss: 0.3277, grad_norm: 3.2783 2023-11-14 09:16:26,841 - mmseg - INFO - Iter [142250/160000] lr: 2.113e-07, eta: 2:02:01, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1925, decode.acc_seg: 92.0696, aux.loss_ce: 0.1456, aux.acc_seg: 86.2452, loss: 0.3381, grad_norm: 4.2576 2023-11-14 09:16:46,813 - mmseg - INFO - Iter [142300/160000] lr: 2.107e-07, eta: 2:01:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1900, decode.acc_seg: 92.0331, aux.loss_ce: 0.1490, aux.acc_seg: 85.5807, loss: 0.3391, grad_norm: 3.1853 2023-11-14 09:17:06,972 - mmseg - INFO - Iter [142350/160000] lr: 2.102e-07, eta: 2:01:19, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1798, decode.acc_seg: 92.3445, aux.loss_ce: 0.1403, aux.acc_seg: 86.4752, loss: 0.3201, grad_norm: 3.5205 2023-11-14 09:17:27,499 - mmseg - INFO - Iter [142400/160000] lr: 2.096e-07, eta: 2:00:59, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 92.2259, aux.loss_ce: 0.1396, aux.acc_seg: 86.5555, loss: 0.3209, grad_norm: 3.2437 2023-11-14 09:17:47,527 - mmseg - INFO - Iter [142450/160000] lr: 2.090e-07, eta: 2:00:38, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1869, decode.acc_seg: 91.9085, aux.loss_ce: 0.1399, aux.acc_seg: 86.0571, loss: 0.3268, grad_norm: 4.0221 2023-11-14 09:18:07,634 - mmseg - INFO - Iter [142500/160000] lr: 2.084e-07, eta: 2:00:17, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1791, decode.acc_seg: 92.1127, aux.loss_ce: 0.1433, aux.acc_seg: 85.7049, loss: 0.3223, grad_norm: 2.7556 2023-11-14 09:18:27,539 - mmseg - INFO - Iter [142550/160000] lr: 2.078e-07, eta: 1:59:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1831, decode.acc_seg: 92.3364, aux.loss_ce: 0.1427, aux.acc_seg: 86.4384, loss: 0.3259, grad_norm: 3.4842 2023-11-14 09:18:47,513 - mmseg - INFO - Iter [142600/160000] lr: 2.072e-07, eta: 1:59:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1843, decode.acc_seg: 92.3884, aux.loss_ce: 0.1374, aux.acc_seg: 87.0701, loss: 0.3217, grad_norm: 3.4822 2023-11-14 09:19:07,551 - mmseg - INFO - Iter [142650/160000] lr: 2.066e-07, eta: 1:59:15, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1810, decode.acc_seg: 92.4074, aux.loss_ce: 0.1407, aux.acc_seg: 86.2948, loss: 0.3217, grad_norm: 2.7842 2023-11-14 09:19:27,522 - mmseg - INFO - Iter [142700/160000] lr: 2.060e-07, eta: 1:58:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1954, decode.acc_seg: 91.8377, aux.loss_ce: 0.1472, aux.acc_seg: 86.1700, loss: 0.3426, grad_norm: 4.0742 2023-11-14 09:19:49,782 - mmseg - INFO - Iter [142750/160000] lr: 2.054e-07, eta: 1:58:34, time: 0.445, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1946, decode.acc_seg: 91.6039, aux.loss_ce: 0.1402, aux.acc_seg: 86.2068, loss: 0.3348, grad_norm: 4.3311 2023-11-14 09:20:09,979 - mmseg - INFO - Iter [142800/160000] lr: 2.048e-07, eta: 1:58:13, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 91.9849, aux.loss_ce: 0.1416, aux.acc_seg: 86.3822, loss: 0.3269, grad_norm: 3.5294 2023-11-14 09:20:30,293 - mmseg - INFO - Iter [142850/160000] lr: 2.042e-07, eta: 1:57:53, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1845, decode.acc_seg: 92.1019, aux.loss_ce: 0.1374, aux.acc_seg: 86.8752, loss: 0.3219, grad_norm: 2.9974 2023-11-14 09:20:50,551 - mmseg - INFO - Iter [142900/160000] lr: 2.036e-07, eta: 1:57:32, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1901, decode.acc_seg: 91.9507, aux.loss_ce: 0.1484, aux.acc_seg: 85.8505, loss: 0.3385, grad_norm: 3.4353 2023-11-14 09:21:10,524 - mmseg - INFO - Iter [142950/160000] lr: 2.030e-07, eta: 1:57:11, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1753, decode.acc_seg: 92.6742, aux.loss_ce: 0.1359, aux.acc_seg: 87.3320, loss: 0.3112, grad_norm: 3.1131 2023-11-14 09:21:31,018 - mmseg - INFO - Saving checkpoint at 143000 iterations 2023-11-14 09:21:38,709 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:21:38,709 - mmseg - INFO - Iter [143000/160000] lr: 2.024e-07, eta: 1:56:51, time: 0.564, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1993, decode.acc_seg: 91.5563, aux.loss_ce: 0.1485, aux.acc_seg: 85.5400, loss: 0.3478, grad_norm: 3.7232 2023-11-14 09:21:58,931 - mmseg - INFO - Iter [143050/160000] lr: 2.018e-07, eta: 1:56:31, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1967, decode.acc_seg: 91.4269, aux.loss_ce: 0.1506, aux.acc_seg: 85.6179, loss: 0.3473, grad_norm: 3.7198 2023-11-14 09:22:19,131 - mmseg - INFO - Iter [143100/160000] lr: 2.012e-07, eta: 1:56:10, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.6406, aux.loss_ce: 0.1519, aux.acc_seg: 85.5416, loss: 0.3537, grad_norm: 3.7372 2023-11-14 09:22:39,106 - mmseg - INFO - Iter [143150/160000] lr: 2.006e-07, eta: 1:55:49, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1929, decode.acc_seg: 92.0398, aux.loss_ce: 0.1463, aux.acc_seg: 86.1378, loss: 0.3393, grad_norm: 4.1505 2023-11-14 09:22:59,244 - mmseg - INFO - Iter [143200/160000] lr: 2.000e-07, eta: 1:55:29, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.0913, aux.loss_ce: 0.1401, aux.acc_seg: 86.6814, loss: 0.3289, grad_norm: 3.4167 2023-11-14 09:23:19,338 - mmseg - INFO - Iter [143250/160000] lr: 1.994e-07, eta: 1:55:08, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1854, decode.acc_seg: 92.2630, aux.loss_ce: 0.1403, aux.acc_seg: 86.6997, loss: 0.3257, grad_norm: 3.0545 2023-11-14 09:23:39,633 - mmseg - INFO - Iter [143300/160000] lr: 1.988e-07, eta: 1:54:47, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 92.1185, aux.loss_ce: 0.1473, aux.acc_seg: 86.0496, loss: 0.3358, grad_norm: 3.5365 2023-11-14 09:23:59,857 - mmseg - INFO - Iter [143350/160000] lr: 1.982e-07, eta: 1:54:27, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1908, decode.acc_seg: 92.0991, aux.loss_ce: 0.1411, aux.acc_seg: 86.5599, loss: 0.3319, grad_norm: 3.8597 2023-11-14 09:24:19,843 - mmseg - INFO - Iter [143400/160000] lr: 1.977e-07, eta: 1:54:06, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.4211, aux.loss_ce: 0.1431, aux.acc_seg: 86.2132, loss: 0.3260, grad_norm: 3.3817 2023-11-14 09:24:39,744 - mmseg - INFO - Iter [143450/160000] lr: 1.971e-07, eta: 1:53:45, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 92.0062, aux.loss_ce: 0.1431, aux.acc_seg: 86.5315, loss: 0.3340, grad_norm: 2.9235 2023-11-14 09:24:59,928 - mmseg - INFO - Iter [143500/160000] lr: 1.965e-07, eta: 1:53:25, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1849, decode.acc_seg: 92.1179, aux.loss_ce: 0.1418, aux.acc_seg: 86.2265, loss: 0.3267, grad_norm: 3.1873 2023-11-14 09:25:20,181 - mmseg - INFO - Iter [143550/160000] lr: 1.959e-07, eta: 1:53:04, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1933, decode.acc_seg: 91.9700, aux.loss_ce: 0.1544, aux.acc_seg: 85.7077, loss: 0.3477, grad_norm: 3.7298 2023-11-14 09:25:40,132 - mmseg - INFO - Iter [143600/160000] lr: 1.953e-07, eta: 1:52:43, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 92.0260, aux.loss_ce: 0.1465, aux.acc_seg: 85.8223, loss: 0.3348, grad_norm: 3.5999 2023-11-14 09:26:00,062 - mmseg - INFO - Iter [143650/160000] lr: 1.947e-07, eta: 1:52:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 91.8869, aux.loss_ce: 0.1456, aux.acc_seg: 85.8326, loss: 0.3341, grad_norm: 3.2705 2023-11-14 09:26:20,253 - mmseg - INFO - Iter [143700/160000] lr: 1.941e-07, eta: 1:52:02, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1856, decode.acc_seg: 92.0209, aux.loss_ce: 0.1454, aux.acc_seg: 85.9873, loss: 0.3310, grad_norm: 3.6090 2023-11-14 09:26:40,220 - mmseg - INFO - Iter [143750/160000] lr: 1.935e-07, eta: 1:51:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1776, decode.acc_seg: 92.5201, aux.loss_ce: 0.1355, aux.acc_seg: 86.9822, loss: 0.3131, grad_norm: 2.6983 2023-11-14 09:27:00,563 - mmseg - INFO - Iter [143800/160000] lr: 1.929e-07, eta: 1:51:21, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1796, decode.acc_seg: 92.3034, aux.loss_ce: 0.1363, aux.acc_seg: 86.9478, loss: 0.3160, grad_norm: 3.7379 2023-11-14 09:27:20,750 - mmseg - INFO - Iter [143850/160000] lr: 1.923e-07, eta: 1:51:00, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1922, decode.acc_seg: 92.1574, aux.loss_ce: 0.1506, aux.acc_seg: 85.9839, loss: 0.3428, grad_norm: 3.5114 2023-11-14 09:27:40,613 - mmseg - INFO - Iter [143900/160000] lr: 1.917e-07, eta: 1:50:39, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 92.0479, aux.loss_ce: 0.1455, aux.acc_seg: 86.1354, loss: 0.3326, grad_norm: 3.1909 2023-11-14 09:28:00,797 - mmseg - INFO - Iter [143950/160000] lr: 1.911e-07, eta: 1:50:19, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1970, decode.acc_seg: 91.9563, aux.loss_ce: 0.1433, aux.acc_seg: 86.2163, loss: 0.3402, grad_norm: 5.6914 2023-11-14 09:28:23,608 - mmseg - INFO - Saving checkpoint at 144000 iterations 2023-11-14 09:28:31,733 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:28:31,733 - mmseg - INFO - Iter [144000/160000] lr: 1.905e-07, eta: 1:49:59, time: 0.620, data_time: 0.060, memory: 16105, decode.loss_ce: 0.1837, decode.acc_seg: 92.3993, aux.loss_ce: 0.1356, aux.acc_seg: 87.1281, loss: 0.3193, grad_norm: 3.1678 2023-11-14 09:28:48,390 - mmseg - INFO - per class results: 2023-11-14 09:28:48,396 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.84 | 89.06 | | building | 83.99 | 92.45 | | sky | 94.78 | 97.74 | | floor | 84.04 | 91.03 | | tree | 75.99 | 88.83 | | ceiling | 86.04 | 93.22 | | road | 85.12 | 91.81 | | bed | 92.1 | 97.45 | | windowpane | 65.34 | 81.65 | | grass | 67.66 | 81.7 | | cabinet | 64.03 | 75.68 | | sidewalk | 68.37 | 82.69 | | person | 84.32 | 93.73 | | earth | 37.61 | 51.14 | | door | 58.27 | 72.8 | | table | 67.32 | 81.37 | | mountain | 63.6 | 77.01 | | plant | 54.71 | 65.98 | | curtain | 77.67 | 88.36 | | chair | 63.67 | 76.94 | | car | 86.96 | 94.08 | | water | 61.51 | 74.71 | | painting | 75.57 | 90.25 | | sofa | 75.45 | 87.72 | | shelf | 49.64 | 66.63 | | house | 54.81 | 77.4 | | sea | 71.44 | 88.35 | | mirror | 73.03 | 81.73 | | rug | 65.17 | 78.92 | | field | 32.8 | 50.0 | | armchair | 50.86 | 68.16 | | seat | 64.27 | 84.65 | | fence | 51.41 | 68.93 | | desk | 54.0 | 70.85 | | rock | 56.32 | 80.16 | | wardrobe | 49.42 | 69.74 | | lamp | 70.35 | 81.69 | | bathtub | 83.23 | 85.84 | | railing | 38.04 | 54.3 | | cushion | 68.21 | 80.11 | | base | 37.2 | 47.89 | | box | 35.09 | 44.74 | | column | 52.32 | 67.62 | | signboard | 39.64 | 52.16 | | chest of drawers | 38.46 | 61.41 | | counter | 45.57 | 56.79 | | sand | 59.4 | 79.37 | | sink | 81.01 | 88.29 | | skyscraper | 53.55 | 62.01 | | fireplace | 74.58 | 90.31 | | refrigerator | 78.66 | 84.96 | | grandstand | 45.75 | 81.08 | | path | 22.9 | 35.45 | | stairs | 26.55 | 34.32 | | runway | 67.52 | 88.86 | | case | 58.83 | 79.44 | | pool table | 94.07 | 97.7 | | pillow | 62.11 | 71.27 | | screen door | 80.13 | 84.86 | | stairway | 34.14 | 46.06 | | river | 14.09 | 30.07 | | bridge | 51.23 | 55.79 | | bookcase | 46.02 | 68.24 | | blind | 46.16 | 53.48 | | coffee table | 63.19 | 84.59 | | toilet | 89.35 | 94.12 | | flower | 47.22 | 60.92 | | book | 50.87 | 77.1 | | hill | 9.58 | 13.97 | | bench | 63.59 | 73.87 | | countertop | 60.88 | 79.66 | | stove | 81.84 | 87.6 | | palm | 54.52 | 80.15 | | kitchen island | 46.49 | 83.54 | | computer | 75.98 | 90.05 | | swivel chair | 55.28 | 75.5 | | boat | 73.53 | 86.04 | | bar | 53.0 | 64.56 | | arcade machine | 75.36 | 79.57 | | hovel | 62.72 | 68.32 | | bus | 89.09 | 97.5 | | towel | 74.32 | 86.89 | | light | 60.4 | 69.16 | | truck | 46.26 | 57.12 | | tower | 30.39 | 48.93 | | chandelier | 73.13 | 88.73 | | awning | 41.03 | 49.93 | | streetlight | 36.32 | 48.92 | | booth | 36.56 | 45.22 | | television receiver | 80.65 | 86.61 | | airplane | 69.49 | 75.22 | | dirt track | 10.84 | 21.12 | | apparel | 52.35 | 66.61 | | pole | 30.96 | 42.68 | | land | 4.9 | 7.74 | | bannister | 19.15 | 25.61 | | escalator | 54.79 | 84.0 | | ottoman | 54.9 | 73.58 | | bottle | 43.04 | 70.28 | | buffet | 46.18 | 52.2 | | poster | 33.89 | 45.95 | | stage | 22.47 | 37.2 | | van | 41.35 | 61.01 | | ship | 63.87 | 73.26 | | fountain | 34.04 | 34.69 | | conveyer belt | 81.54 | 91.95 | | canopy | 38.09 | 53.8 | | washer | 78.68 | 80.86 | | plaything | 39.65 | 53.05 | | swimming pool | 61.13 | 63.6 | | stool | 48.36 | 66.2 | | barrel | 81.47 | 93.17 | | basket | 40.98 | 55.94 | | waterfall | 53.77 | 61.21 | | tent | 96.06 | 98.32 | | bag | 23.44 | 28.26 | | minibike | 74.34 | 89.31 | | cradle | 84.52 | 98.17 | | oven | 44.69 | 73.5 | | ball | 49.98 | 54.06 | | food | 55.47 | 66.91 | | step | 13.08 | 16.76 | | tank | 63.2 | 66.11 | | trade name | 25.26 | 28.74 | | microwave | 76.08 | 82.74 | | pot | 51.14 | 59.85 | | animal | 59.13 | 61.22 | | bicycle | 61.23 | 80.86 | | lake | 51.52 | 63.84 | | dishwasher | 76.42 | 83.14 | | screen | 58.25 | 85.76 | | blanket | 24.83 | 29.86 | | sculpture | 77.66 | 88.23 | | hood | 62.42 | 73.83 | | sconce | 54.06 | 67.0 | | vase | 47.02 | 64.68 | | traffic light | 41.32 | 63.38 | | tray | 9.0 | 12.32 | | ashcan | 47.18 | 64.4 | | fan | 66.62 | 82.05 | | pier | 33.44 | 44.85 | | crt screen | 9.34 | 23.99 | | plate | 59.34 | 79.31 | | monitor | 3.78 | 4.12 | | bulletin board | 56.61 | 74.24 | | shower | 3.03 | 5.63 | | radiator | 66.8 | 75.4 | | glass | 19.2 | 20.55 | | clock | 46.04 | 52.81 | | flag | 65.67 | 73.68 | +---------------------+-------+-------+ 2023-11-14 09:28:48,396 - mmseg - INFO - Summary: 2023-11-14 09:28:48,396 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 85.29 | 55.52 | 67.83 | +-------+-------+-------+ 2023-11-14 09:28:48,443 - mmseg - INFO - The previous best checkpoint /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k/best_mIoU_iter_96000.pth was removed 2023-11-14 09:28:57,311 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_144000.pth. 2023-11-14 09:28:57,312 - mmseg - INFO - Best mIoU is 0.5552 at 144000 iter. 2023-11-14 09:28:57,312 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:28:57,312 - mmseg - INFO - Iter(val) [250] aAcc: 0.8529, mIoU: 0.5552, mAcc: 0.6783, IoU.wall: 0.8084, IoU.building: 0.8399, IoU.sky: 0.9478, IoU.floor: 0.8404, IoU.tree: 0.7599, IoU.ceiling: 0.8604, IoU.road: 0.8512, IoU.bed : 0.9210, IoU.windowpane: 0.6534, IoU.grass: 0.6766, IoU.cabinet: 0.6403, IoU.sidewalk: 0.6837, IoU.person: 0.8432, IoU.earth: 0.3761, IoU.door: 0.5827, IoU.table: 0.6732, IoU.mountain: 0.6360, IoU.plant: 0.5471, IoU.curtain: 0.7767, IoU.chair: 0.6367, IoU.car: 0.8696, IoU.water: 0.6151, IoU.painting: 0.7557, IoU.sofa: 0.7545, IoU.shelf: 0.4964, IoU.house: 0.5481, IoU.sea: 0.7144, IoU.mirror: 0.7303, IoU.rug: 0.6517, IoU.field: 0.3280, IoU.armchair: 0.5086, IoU.seat: 0.6427, IoU.fence: 0.5141, IoU.desk: 0.5400, IoU.rock: 0.5632, IoU.wardrobe: 0.4942, IoU.lamp: 0.7035, IoU.bathtub: 0.8323, IoU.railing: 0.3804, IoU.cushion: 0.6821, IoU.base: 0.3720, IoU.box: 0.3509, IoU.column: 0.5232, IoU.signboard: 0.3964, IoU.chest of drawers: 0.3846, IoU.counter: 0.4557, IoU.sand: 0.5940, IoU.sink: 0.8101, IoU.skyscraper: 0.5355, IoU.fireplace: 0.7458, IoU.refrigerator: 0.7866, IoU.grandstand: 0.4575, IoU.path: 0.2290, IoU.stairs: 0.2655, IoU.runway: 0.6752, IoU.case: 0.5883, IoU.pool table: 0.9407, IoU.pillow: 0.6211, IoU.screen door: 0.8013, IoU.stairway: 0.3414, IoU.river: 0.1409, IoU.bridge: 0.5123, IoU.bookcase: 0.4602, IoU.blind: 0.4616, IoU.coffee table: 0.6319, IoU.toilet: 0.8935, IoU.flower: 0.4722, IoU.book: 0.5087, IoU.hill: 0.0958, IoU.bench: 0.6359, IoU.countertop: 0.6088, IoU.stove: 0.8184, IoU.palm: 0.5452, IoU.kitchen island: 0.4649, IoU.computer: 0.7598, IoU.swivel chair: 0.5528, IoU.boat: 0.7353, IoU.bar: 0.5300, IoU.arcade machine: 0.7536, IoU.hovel: 0.6272, IoU.bus: 0.8909, IoU.towel: 0.7432, IoU.light: 0.6040, IoU.truck: 0.4626, IoU.tower: 0.3039, IoU.chandelier: 0.7313, IoU.awning: 0.4103, IoU.streetlight: 0.3632, IoU.booth: 0.3656, IoU.television receiver: 0.8065, IoU.airplane: 0.6949, IoU.dirt track: 0.1084, IoU.apparel: 0.5235, IoU.pole: 0.3096, IoU.land: 0.0490, IoU.bannister: 0.1915, IoU.escalator: 0.5479, IoU.ottoman: 0.5490, IoU.bottle: 0.4304, IoU.buffet: 0.4618, IoU.poster: 0.3389, IoU.stage: 0.2247, IoU.van: 0.4135, IoU.ship: 0.6387, IoU.fountain: 0.3404, IoU.conveyer belt: 0.8154, IoU.canopy: 0.3809, IoU.washer: 0.7868, IoU.plaything: 0.3965, IoU.swimming pool: 0.6113, IoU.stool: 0.4836, IoU.barrel: 0.8147, IoU.basket: 0.4098, IoU.waterfall: 0.5377, IoU.tent: 0.9606, IoU.bag: 0.2344, IoU.minibike: 0.7434, IoU.cradle: 0.8452, IoU.oven: 0.4469, IoU.ball: 0.4998, IoU.food: 0.5547, IoU.step: 0.1308, IoU.tank: 0.6320, IoU.trade name: 0.2526, IoU.microwave: 0.7608, IoU.pot: 0.5114, IoU.animal: 0.5913, IoU.bicycle: 0.6123, IoU.lake: 0.5152, IoU.dishwasher: 0.7642, IoU.screen: 0.5825, IoU.blanket: 0.2483, IoU.sculpture: 0.7766, IoU.hood: 0.6242, IoU.sconce: 0.5406, IoU.vase: 0.4702, IoU.traffic light: 0.4132, IoU.tray: 0.0900, IoU.ashcan: 0.4718, IoU.fan: 0.6662, IoU.pier: 0.3344, IoU.crt screen: 0.0934, IoU.plate: 0.5934, IoU.monitor: 0.0378, IoU.bulletin board: 0.5661, IoU.shower: 0.0303, IoU.radiator: 0.6680, IoU.glass: 0.1920, IoU.clock: 0.4604, IoU.flag: 0.6567, Acc.wall: 0.8906, Acc.building: 0.9245, Acc.sky: 0.9774, Acc.floor: 0.9103, Acc.tree: 0.8883, Acc.ceiling: 0.9322, Acc.road: 0.9181, Acc.bed : 0.9745, Acc.windowpane: 0.8165, Acc.grass: 0.8170, Acc.cabinet: 0.7568, Acc.sidewalk: 0.8269, Acc.person: 0.9373, Acc.earth: 0.5114, Acc.door: 0.7280, Acc.table: 0.8137, Acc.mountain: 0.7701, Acc.plant: 0.6598, Acc.curtain: 0.8836, Acc.chair: 0.7694, Acc.car: 0.9408, Acc.water: 0.7471, Acc.painting: 0.9025, Acc.sofa: 0.8772, Acc.shelf: 0.6663, Acc.house: 0.7740, Acc.sea: 0.8835, Acc.mirror: 0.8173, Acc.rug: 0.7892, Acc.field: 0.5000, Acc.armchair: 0.6816, Acc.seat: 0.8465, Acc.fence: 0.6893, Acc.desk: 0.7085, Acc.rock: 0.8016, Acc.wardrobe: 0.6974, Acc.lamp: 0.8169, Acc.bathtub: 0.8584, Acc.railing: 0.5430, Acc.cushion: 0.8011, Acc.base: 0.4789, Acc.box: 0.4474, Acc.column: 0.6762, Acc.signboard: 0.5216, Acc.chest of drawers: 0.6141, Acc.counter: 0.5679, Acc.sand: 0.7937, Acc.sink: 0.8829, Acc.skyscraper: 0.6201, Acc.fireplace: 0.9031, Acc.refrigerator: 0.8496, Acc.grandstand: 0.8108, Acc.path: 0.3545, Acc.stairs: 0.3432, Acc.runway: 0.8886, Acc.case: 0.7944, Acc.pool table: 0.9770, Acc.pillow: 0.7127, Acc.screen door: 0.8486, Acc.stairway: 0.4606, Acc.river: 0.3007, Acc.bridge: 0.5579, Acc.bookcase: 0.6824, Acc.blind: 0.5348, Acc.coffee table: 0.8459, Acc.toilet: 0.9412, Acc.flower: 0.6092, Acc.book: 0.7710, Acc.hill: 0.1397, Acc.bench: 0.7387, Acc.countertop: 0.7966, Acc.stove: 0.8760, Acc.palm: 0.8015, Acc.kitchen island: 0.8354, Acc.computer: 0.9005, Acc.swivel chair: 0.7550, Acc.boat: 0.8604, Acc.bar: 0.6456, Acc.arcade machine: 0.7957, Acc.hovel: 0.6832, Acc.bus: 0.9750, Acc.towel: 0.8689, Acc.light: 0.6916, Acc.truck: 0.5712, Acc.tower: 0.4893, Acc.chandelier: 0.8873, Acc.awning: 0.4993, Acc.streetlight: 0.4892, Acc.booth: 0.4522, Acc.television receiver: 0.8661, Acc.airplane: 0.7522, Acc.dirt track: 0.2112, Acc.apparel: 0.6661, Acc.pole: 0.4268, Acc.land: 0.0774, Acc.bannister: 0.2561, Acc.escalator: 0.8400, Acc.ottoman: 0.7358, Acc.bottle: 0.7028, Acc.buffet: 0.5220, Acc.poster: 0.4595, Acc.stage: 0.3720, Acc.van: 0.6101, Acc.ship: 0.7326, Acc.fountain: 0.3469, Acc.conveyer belt: 0.9195, Acc.canopy: 0.5380, Acc.washer: 0.8086, Acc.plaything: 0.5305, Acc.swimming pool: 0.6360, Acc.stool: 0.6620, Acc.barrel: 0.9317, Acc.basket: 0.5594, Acc.waterfall: 0.6121, Acc.tent: 0.9832, Acc.bag: 0.2826, Acc.minibike: 0.8931, Acc.cradle: 0.9817, Acc.oven: 0.7350, Acc.ball: 0.5406, Acc.food: 0.6691, Acc.step: 0.1676, Acc.tank: 0.6611, Acc.trade name: 0.2874, Acc.microwave: 0.8274, Acc.pot: 0.5985, Acc.animal: 0.6122, Acc.bicycle: 0.8086, Acc.lake: 0.6384, Acc.dishwasher: 0.8314, Acc.screen: 0.8576, Acc.blanket: 0.2986, Acc.sculpture: 0.8823, Acc.hood: 0.7383, Acc.sconce: 0.6700, Acc.vase: 0.6468, Acc.traffic light: 0.6338, Acc.tray: 0.1232, Acc.ashcan: 0.6440, Acc.fan: 0.8205, Acc.pier: 0.4485, Acc.crt screen: 0.2399, Acc.plate: 0.7931, Acc.monitor: 0.0412, Acc.bulletin board: 0.7424, Acc.shower: 0.0563, Acc.radiator: 0.7540, Acc.glass: 0.2055, Acc.clock: 0.5281, Acc.flag: 0.7368 2023-11-14 09:29:17,799 - mmseg - INFO - Iter [144050/160000] lr: 1.899e-07, eta: 1:49:41, time: 0.921, data_time: 0.518, memory: 16105, decode.loss_ce: 0.1820, decode.acc_seg: 91.9994, aux.loss_ce: 0.1400, aux.acc_seg: 85.7509, loss: 0.3220, grad_norm: 3.8742 2023-11-14 09:29:37,791 - mmseg - INFO - Iter [144100/160000] lr: 1.893e-07, eta: 1:49:21, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1929, decode.acc_seg: 91.7350, aux.loss_ce: 0.1426, aux.acc_seg: 86.3244, loss: 0.3356, grad_norm: 3.5051 2023-11-14 09:29:57,853 - mmseg - INFO - Iter [144150/160000] lr: 1.887e-07, eta: 1:49:00, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1758, decode.acc_seg: 92.5717, aux.loss_ce: 0.1390, aux.acc_seg: 86.4935, loss: 0.3148, grad_norm: 2.9653 2023-11-14 09:30:18,361 - mmseg - INFO - Iter [144200/160000] lr: 1.881e-07, eta: 1:48:39, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1856, decode.acc_seg: 92.1696, aux.loss_ce: 0.1484, aux.acc_seg: 85.6877, loss: 0.3339, grad_norm: 3.4568 2023-11-14 09:30:38,591 - mmseg - INFO - Iter [144250/160000] lr: 1.875e-07, eta: 1:48:19, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 92.0347, aux.loss_ce: 0.1371, aux.acc_seg: 86.2520, loss: 0.3184, grad_norm: 3.1836 2023-11-14 09:30:58,517 - mmseg - INFO - Iter [144300/160000] lr: 1.869e-07, eta: 1:47:58, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1872, decode.acc_seg: 92.0267, aux.loss_ce: 0.1473, aux.acc_seg: 85.9982, loss: 0.3346, grad_norm: 3.9328 2023-11-14 09:31:18,443 - mmseg - INFO - Iter [144350/160000] lr: 1.863e-07, eta: 1:47:37, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1894, decode.acc_seg: 91.9702, aux.loss_ce: 0.1413, aux.acc_seg: 86.3511, loss: 0.3307, grad_norm: 4.1939 2023-11-14 09:31:39,223 - mmseg - INFO - Iter [144400/160000] lr: 1.857e-07, eta: 1:47:17, time: 0.416, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1882, decode.acc_seg: 92.0445, aux.loss_ce: 0.1386, aux.acc_seg: 86.6764, loss: 0.3268, grad_norm: 3.8194 2023-11-14 09:31:59,116 - mmseg - INFO - Iter [144450/160000] lr: 1.852e-07, eta: 1:46:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.3451, aux.loss_ce: 0.1337, aux.acc_seg: 87.3216, loss: 0.3166, grad_norm: 2.9597 2023-11-14 09:32:19,091 - mmseg - INFO - Iter [144500/160000] lr: 1.846e-07, eta: 1:46:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1889, decode.acc_seg: 91.9732, aux.loss_ce: 0.1423, aux.acc_seg: 86.1226, loss: 0.3312, grad_norm: 3.9825 2023-11-14 09:32:39,300 - mmseg - INFO - Iter [144550/160000] lr: 1.840e-07, eta: 1:46:14, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1907, decode.acc_seg: 92.1041, aux.loss_ce: 0.1442, aux.acc_seg: 85.9827, loss: 0.3349, grad_norm: 3.6310 2023-11-14 09:32:59,293 - mmseg - INFO - Iter [144600/160000] lr: 1.834e-07, eta: 1:45:54, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1866, decode.acc_seg: 92.1024, aux.loss_ce: 0.1389, aux.acc_seg: 86.6919, loss: 0.3255, grad_norm: 3.4365 2023-11-14 09:33:19,487 - mmseg - INFO - Iter [144650/160000] lr: 1.828e-07, eta: 1:45:33, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1852, decode.acc_seg: 92.0330, aux.loss_ce: 0.1356, aux.acc_seg: 86.7882, loss: 0.3208, grad_norm: 3.2901 2023-11-14 09:33:39,621 - mmseg - INFO - Iter [144700/160000] lr: 1.822e-07, eta: 1:45:12, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1893, decode.acc_seg: 92.1207, aux.loss_ce: 0.1431, aux.acc_seg: 86.5071, loss: 0.3324, grad_norm: 3.2908 2023-11-14 09:33:59,692 - mmseg - INFO - Iter [144750/160000] lr: 1.816e-07, eta: 1:44:52, time: 0.401, data_time: 0.005, memory: 16105, decode.loss_ce: 0.1897, decode.acc_seg: 92.0319, aux.loss_ce: 0.1446, aux.acc_seg: 86.2770, loss: 0.3343, grad_norm: 3.6234 2023-11-14 09:34:19,650 - mmseg - INFO - Iter [144800/160000] lr: 1.810e-07, eta: 1:44:31, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.3262, aux.loss_ce: 0.1428, aux.acc_seg: 86.2786, loss: 0.3274, grad_norm: 3.0927 2023-11-14 09:34:39,713 - mmseg - INFO - Iter [144850/160000] lr: 1.804e-07, eta: 1:44:10, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1775, decode.acc_seg: 92.4811, aux.loss_ce: 0.1392, aux.acc_seg: 86.3779, loss: 0.3167, grad_norm: 3.2890 2023-11-14 09:34:59,626 - mmseg - INFO - Iter [144900/160000] lr: 1.798e-07, eta: 1:43:50, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1927, decode.acc_seg: 91.7517, aux.loss_ce: 0.1414, aux.acc_seg: 86.5372, loss: 0.3341, grad_norm: 4.1613 2023-11-14 09:35:19,717 - mmseg - INFO - Iter [144950/160000] lr: 1.792e-07, eta: 1:43:29, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1904, decode.acc_seg: 91.9438, aux.loss_ce: 0.1427, aux.acc_seg: 86.4880, loss: 0.3332, grad_norm: 3.4614 2023-11-14 09:35:39,723 - mmseg - INFO - Saving checkpoint at 145000 iterations 2023-11-14 09:35:47,735 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:35:47,735 - mmseg - INFO - Iter [145000/160000] lr: 1.786e-07, eta: 1:43:09, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1825, decode.acc_seg: 92.3437, aux.loss_ce: 0.1385, aux.acc_seg: 86.6304, loss: 0.3210, grad_norm: 3.1699 2023-11-14 09:36:07,859 - mmseg - INFO - Iter [145050/160000] lr: 1.780e-07, eta: 1:42:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1870, decode.acc_seg: 92.0488, aux.loss_ce: 0.1469, aux.acc_seg: 85.8534, loss: 0.3339, grad_norm: 3.2004 2023-11-14 09:36:28,014 - mmseg - INFO - Iter [145100/160000] lr: 1.774e-07, eta: 1:42:28, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1915, decode.acc_seg: 91.7272, aux.loss_ce: 0.1424, aux.acc_seg: 86.2058, loss: 0.3339, grad_norm: 3.4444 2023-11-14 09:36:48,326 - mmseg - INFO - Iter [145150/160000] lr: 1.768e-07, eta: 1:42:07, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 92.2948, aux.loss_ce: 0.1414, aux.acc_seg: 86.6235, loss: 0.3227, grad_norm: 3.1225 2023-11-14 09:37:08,564 - mmseg - INFO - Iter [145200/160000] lr: 1.762e-07, eta: 1:41:46, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1875, decode.acc_seg: 92.2355, aux.loss_ce: 0.1487, aux.acc_seg: 86.0890, loss: 0.3362, grad_norm: 3.2005 2023-11-14 09:37:31,121 - mmseg - INFO - Iter [145250/160000] lr: 1.756e-07, eta: 1:41:26, time: 0.451, data_time: 0.050, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.7763, aux.loss_ce: 0.1547, aux.acc_seg: 85.2554, loss: 0.3509, grad_norm: 3.3822 2023-11-14 09:37:51,143 - mmseg - INFO - Iter [145300/160000] lr: 1.750e-07, eta: 1:41:05, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1815, decode.acc_seg: 92.3542, aux.loss_ce: 0.1376, aux.acc_seg: 86.8678, loss: 0.3191, grad_norm: 3.2523 2023-11-14 09:38:11,221 - mmseg - INFO - Iter [145350/160000] lr: 1.744e-07, eta: 1:40:45, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1845, decode.acc_seg: 92.2606, aux.loss_ce: 0.1431, aux.acc_seg: 86.4041, loss: 0.3276, grad_norm: 3.1069 2023-11-14 09:38:31,255 - mmseg - INFO - Iter [145400/160000] lr: 1.738e-07, eta: 1:40:24, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1907, decode.acc_seg: 92.0608, aux.loss_ce: 0.1428, aux.acc_seg: 86.3811, loss: 0.3335, grad_norm: 3.2929 2023-11-14 09:38:51,211 - mmseg - INFO - Iter [145450/160000] lr: 1.732e-07, eta: 1:40:03, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1870, decode.acc_seg: 92.0407, aux.loss_ce: 0.1379, aux.acc_seg: 86.7797, loss: 0.3249, grad_norm: 4.3531 2023-11-14 09:39:11,329 - mmseg - INFO - Iter [145500/160000] lr: 1.726e-07, eta: 1:39:42, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1796, decode.acc_seg: 92.4175, aux.loss_ce: 0.1363, aux.acc_seg: 86.9684, loss: 0.3158, grad_norm: 3.2568 2023-11-14 09:39:31,532 - mmseg - INFO - Iter [145550/160000] lr: 1.721e-07, eta: 1:39:22, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 92.1869, aux.loss_ce: 0.1407, aux.acc_seg: 86.6482, loss: 0.3260, grad_norm: 3.0541 2023-11-14 09:39:51,853 - mmseg - INFO - Iter [145600/160000] lr: 1.715e-07, eta: 1:39:01, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1889, decode.acc_seg: 91.9394, aux.loss_ce: 0.1407, aux.acc_seg: 86.4183, loss: 0.3296, grad_norm: 3.3237 2023-11-14 09:40:11,992 - mmseg - INFO - Iter [145650/160000] lr: 1.709e-07, eta: 1:38:40, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1870, decode.acc_seg: 92.2855, aux.loss_ce: 0.1451, aux.acc_seg: 86.0811, loss: 0.3321, grad_norm: 3.4550 2023-11-14 09:40:31,890 - mmseg - INFO - Iter [145700/160000] lr: 1.703e-07, eta: 1:38:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1857, decode.acc_seg: 91.9454, aux.loss_ce: 0.1434, aux.acc_seg: 85.9203, loss: 0.3292, grad_norm: 3.4548 2023-11-14 09:40:51,968 - mmseg - INFO - Iter [145750/160000] lr: 1.697e-07, eta: 1:37:59, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1882, decode.acc_seg: 92.1468, aux.loss_ce: 0.1455, aux.acc_seg: 85.8762, loss: 0.3336, grad_norm: 3.5947 2023-11-14 09:41:12,267 - mmseg - INFO - Iter [145800/160000] lr: 1.691e-07, eta: 1:37:38, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1919, decode.acc_seg: 91.9721, aux.loss_ce: 0.1472, aux.acc_seg: 85.9114, loss: 0.3391, grad_norm: 4.4544 2023-11-14 09:41:32,236 - mmseg - INFO - Iter [145850/160000] lr: 1.685e-07, eta: 1:37:18, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1913, decode.acc_seg: 91.9409, aux.loss_ce: 0.1493, aux.acc_seg: 85.5546, loss: 0.3406, grad_norm: 3.4831 2023-11-14 09:41:52,327 - mmseg - INFO - Iter [145900/160000] lr: 1.679e-07, eta: 1:36:57, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1791, decode.acc_seg: 92.3671, aux.loss_ce: 0.1380, aux.acc_seg: 86.6845, loss: 0.3170, grad_norm: 2.9344 2023-11-14 09:42:12,508 - mmseg - INFO - Iter [145950/160000] lr: 1.673e-07, eta: 1:36:36, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1898, decode.acc_seg: 91.9516, aux.loss_ce: 0.1435, aux.acc_seg: 86.1514, loss: 0.3333, grad_norm: 3.9625 2023-11-14 09:42:32,651 - mmseg - INFO - Saving checkpoint at 146000 iterations 2023-11-14 09:42:40,524 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:42:40,524 - mmseg - INFO - Iter [146000/160000] lr: 1.667e-07, eta: 1:36:16, time: 0.560, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1856, decode.acc_seg: 92.0599, aux.loss_ce: 0.1421, aux.acc_seg: 86.6604, loss: 0.3277, grad_norm: 3.6477 2023-11-14 09:43:01,084 - mmseg - INFO - Iter [146050/160000] lr: 1.661e-07, eta: 1:35:56, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1819, decode.acc_seg: 92.3431, aux.loss_ce: 0.1315, aux.acc_seg: 87.4434, loss: 0.3134, grad_norm: 3.4162 2023-11-14 09:43:21,270 - mmseg - INFO - Iter [146100/160000] lr: 1.655e-07, eta: 1:35:35, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1821, decode.acc_seg: 92.1095, aux.loss_ce: 0.1429, aux.acc_seg: 86.1939, loss: 0.3250, grad_norm: 3.8766 2023-11-14 09:43:41,289 - mmseg - INFO - Iter [146150/160000] lr: 1.649e-07, eta: 1:35:14, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1820, decode.acc_seg: 92.3130, aux.loss_ce: 0.1381, aux.acc_seg: 86.7170, loss: 0.3201, grad_norm: 3.1567 2023-11-14 09:44:01,167 - mmseg - INFO - Iter [146200/160000] lr: 1.643e-07, eta: 1:34:54, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1872, decode.acc_seg: 92.1786, aux.loss_ce: 0.1426, aux.acc_seg: 86.0026, loss: 0.3299, grad_norm: 3.3298 2023-11-14 09:44:21,212 - mmseg - INFO - Iter [146250/160000] lr: 1.637e-07, eta: 1:34:33, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1944, decode.acc_seg: 91.7497, aux.loss_ce: 0.1420, aux.acc_seg: 86.3459, loss: 0.3364, grad_norm: 3.4926 2023-11-14 09:44:41,373 - mmseg - INFO - Iter [146300/160000] lr: 1.631e-07, eta: 1:34:12, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.1239, aux.loss_ce: 0.1356, aux.acc_seg: 86.7962, loss: 0.3202, grad_norm: 3.3276 2023-11-14 09:45:01,405 - mmseg - INFO - Iter [146350/160000] lr: 1.625e-07, eta: 1:33:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1984, decode.acc_seg: 91.6763, aux.loss_ce: 0.1493, aux.acc_seg: 85.3387, loss: 0.3477, grad_norm: 4.0069 2023-11-14 09:45:21,396 - mmseg - INFO - Iter [146400/160000] lr: 1.619e-07, eta: 1:33:31, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1892, decode.acc_seg: 92.0159, aux.loss_ce: 0.1418, aux.acc_seg: 86.5694, loss: 0.3310, grad_norm: 2.9566 2023-11-14 09:45:41,440 - mmseg - INFO - Iter [146450/160000] lr: 1.613e-07, eta: 1:33:10, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 92.5517, aux.loss_ce: 0.1407, aux.acc_seg: 86.6999, loss: 0.3220, grad_norm: 4.5819 2023-11-14 09:46:01,817 - mmseg - INFO - Iter [146500/160000] lr: 1.607e-07, eta: 1:32:50, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1879, decode.acc_seg: 92.0271, aux.loss_ce: 0.1393, aux.acc_seg: 86.5939, loss: 0.3273, grad_norm: 3.4439 2023-11-14 09:46:24,474 - mmseg - INFO - Iter [146550/160000] lr: 1.601e-07, eta: 1:32:29, time: 0.453, data_time: 0.052, memory: 16105, decode.loss_ce: 0.1865, decode.acc_seg: 92.0632, aux.loss_ce: 0.1427, aux.acc_seg: 86.1315, loss: 0.3292, grad_norm: 3.4836 2023-11-14 09:46:44,512 - mmseg - INFO - Iter [146600/160000] lr: 1.596e-07, eta: 1:32:09, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1798, decode.acc_seg: 92.5820, aux.loss_ce: 0.1392, aux.acc_seg: 86.8225, loss: 0.3190, grad_norm: 3.3521 2023-11-14 09:47:04,858 - mmseg - INFO - Iter [146650/160000] lr: 1.590e-07, eta: 1:31:48, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1977, decode.acc_seg: 91.7823, aux.loss_ce: 0.1506, aux.acc_seg: 85.8586, loss: 0.3482, grad_norm: 4.1398 2023-11-14 09:47:24,879 - mmseg - INFO - Iter [146700/160000] lr: 1.584e-07, eta: 1:31:27, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1916, decode.acc_seg: 92.1841, aux.loss_ce: 0.1374, aux.acc_seg: 86.7320, loss: 0.3290, grad_norm: 3.7506 2023-11-14 09:47:44,905 - mmseg - INFO - Iter [146750/160000] lr: 1.578e-07, eta: 1:31:06, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1806, decode.acc_seg: 92.2901, aux.loss_ce: 0.1381, aux.acc_seg: 86.6413, loss: 0.3186, grad_norm: 3.2783 2023-11-14 09:48:04,799 - mmseg - INFO - Iter [146800/160000] lr: 1.572e-07, eta: 1:30:46, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1966, decode.acc_seg: 91.7294, aux.loss_ce: 0.1492, aux.acc_seg: 85.8747, loss: 0.3458, grad_norm: 3.4448 2023-11-14 09:48:25,001 - mmseg - INFO - Iter [146850/160000] lr: 1.566e-07, eta: 1:30:25, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2005, decode.acc_seg: 91.8845, aux.loss_ce: 0.1499, aux.acc_seg: 86.2418, loss: 0.3503, grad_norm: 4.3756 2023-11-14 09:48:45,047 - mmseg - INFO - Iter [146900/160000] lr: 1.560e-07, eta: 1:30:04, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1826, decode.acc_seg: 92.4159, aux.loss_ce: 0.1377, aux.acc_seg: 86.7080, loss: 0.3203, grad_norm: 3.3077 2023-11-14 09:49:05,257 - mmseg - INFO - Iter [146950/160000] lr: 1.554e-07, eta: 1:29:44, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1827, decode.acc_seg: 92.3050, aux.loss_ce: 0.1378, aux.acc_seg: 86.6003, loss: 0.3205, grad_norm: 3.3110 2023-11-14 09:49:25,514 - mmseg - INFO - Saving checkpoint at 147000 iterations 2023-11-14 09:49:33,375 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:49:33,375 - mmseg - INFO - Iter [147000/160000] lr: 1.548e-07, eta: 1:29:24, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1912, decode.acc_seg: 92.3767, aux.loss_ce: 0.1395, aux.acc_seg: 86.9674, loss: 0.3307, grad_norm: 4.4403 2023-11-14 09:49:53,408 - mmseg - INFO - Iter [147050/160000] lr: 1.542e-07, eta: 1:29:03, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1801, decode.acc_seg: 92.3770, aux.loss_ce: 0.1348, aux.acc_seg: 87.0406, loss: 0.3148, grad_norm: 3.9282 2023-11-14 09:50:13,429 - mmseg - INFO - Iter [147100/160000] lr: 1.536e-07, eta: 1:28:42, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 92.1476, aux.loss_ce: 0.1384, aux.acc_seg: 86.9545, loss: 0.3280, grad_norm: 3.3466 2023-11-14 09:50:33,698 - mmseg - INFO - Iter [147150/160000] lr: 1.530e-07, eta: 1:28:22, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1914, decode.acc_seg: 91.9796, aux.loss_ce: 0.1444, aux.acc_seg: 86.1256, loss: 0.3358, grad_norm: 3.2161 2023-11-14 09:50:53,765 - mmseg - INFO - Iter [147200/160000] lr: 1.524e-07, eta: 1:28:01, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1969, decode.acc_seg: 91.8508, aux.loss_ce: 0.1534, aux.acc_seg: 85.7387, loss: 0.3503, grad_norm: 3.6209 2023-11-14 09:51:13,778 - mmseg - INFO - Iter [147250/160000] lr: 1.518e-07, eta: 1:27:40, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1880, decode.acc_seg: 91.9727, aux.loss_ce: 0.1382, aux.acc_seg: 86.4357, loss: 0.3261, grad_norm: 3.6762 2023-11-14 09:51:33,808 - mmseg - INFO - Iter [147300/160000] lr: 1.512e-07, eta: 1:27:20, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 92.1117, aux.loss_ce: 0.1358, aux.acc_seg: 86.9127, loss: 0.3211, grad_norm: 3.3021 2023-11-14 09:51:53,705 - mmseg - INFO - Iter [147350/160000] lr: 1.506e-07, eta: 1:26:59, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1872, decode.acc_seg: 92.0742, aux.loss_ce: 0.1456, aux.acc_seg: 86.0073, loss: 0.3328, grad_norm: 3.2468 2023-11-14 09:52:13,951 - mmseg - INFO - Iter [147400/160000] lr: 1.500e-07, eta: 1:26:38, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1900, decode.acc_seg: 91.8617, aux.loss_ce: 0.1435, aux.acc_seg: 86.1193, loss: 0.3335, grad_norm: 4.2165 2023-11-14 09:52:34,243 - mmseg - INFO - Iter [147450/160000] lr: 1.494e-07, eta: 1:26:18, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1915, decode.acc_seg: 91.8150, aux.loss_ce: 0.1459, aux.acc_seg: 85.9307, loss: 0.3374, grad_norm: 3.7464 2023-11-14 09:52:54,446 - mmseg - INFO - Iter [147500/160000] lr: 1.488e-07, eta: 1:25:57, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1886, decode.acc_seg: 91.8831, aux.loss_ce: 0.1445, aux.acc_seg: 85.8909, loss: 0.3332, grad_norm: 3.5326 2023-11-14 09:53:14,597 - mmseg - INFO - Iter [147550/160000] lr: 1.482e-07, eta: 1:25:36, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1801, decode.acc_seg: 92.4568, aux.loss_ce: 0.1369, aux.acc_seg: 86.8111, loss: 0.3171, grad_norm: 3.4798 2023-11-14 09:53:34,729 - mmseg - INFO - Iter [147600/160000] lr: 1.476e-07, eta: 1:25:16, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1880, decode.acc_seg: 91.7891, aux.loss_ce: 0.1389, aux.acc_seg: 86.2051, loss: 0.3269, grad_norm: 3.9977 2023-11-14 09:53:54,875 - mmseg - INFO - Iter [147650/160000] lr: 1.471e-07, eta: 1:24:55, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1845, decode.acc_seg: 92.3821, aux.loss_ce: 0.1464, aux.acc_seg: 86.4789, loss: 0.3309, grad_norm: 3.0912 2023-11-14 09:54:14,802 - mmseg - INFO - Iter [147700/160000] lr: 1.465e-07, eta: 1:24:34, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1905, decode.acc_seg: 92.1845, aux.loss_ce: 0.1461, aux.acc_seg: 86.2042, loss: 0.3366, grad_norm: 3.3333 2023-11-14 09:54:34,892 - mmseg - INFO - Iter [147750/160000] lr: 1.459e-07, eta: 1:24:14, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1926, decode.acc_seg: 92.0642, aux.loss_ce: 0.1533, aux.acc_seg: 85.5203, loss: 0.3458, grad_norm: 3.9431 2023-11-14 09:54:57,219 - mmseg - INFO - Iter [147800/160000] lr: 1.453e-07, eta: 1:23:53, time: 0.447, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1970, decode.acc_seg: 91.8371, aux.loss_ce: 0.1470, aux.acc_seg: 86.0113, loss: 0.3440, grad_norm: 4.0871 2023-11-14 09:55:17,332 - mmseg - INFO - Iter [147850/160000] lr: 1.447e-07, eta: 1:23:33, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1858, decode.acc_seg: 92.1155, aux.loss_ce: 0.1408, aux.acc_seg: 86.2172, loss: 0.3266, grad_norm: 3.4957 2023-11-14 09:55:37,670 - mmseg - INFO - Iter [147900/160000] lr: 1.441e-07, eta: 1:23:12, time: 0.407, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1866, decode.acc_seg: 92.2523, aux.loss_ce: 0.1510, aux.acc_seg: 85.5015, loss: 0.3375, grad_norm: 3.7176 2023-11-14 09:55:57,719 - mmseg - INFO - Iter [147950/160000] lr: 1.435e-07, eta: 1:22:51, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1841, decode.acc_seg: 92.3699, aux.loss_ce: 0.1457, aux.acc_seg: 86.2465, loss: 0.3297, grad_norm: 3.5483 2023-11-14 09:56:17,777 - mmseg - INFO - Saving checkpoint at 148000 iterations 2023-11-14 09:56:25,920 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 09:56:25,920 - mmseg - INFO - Iter [148000/160000] lr: 1.429e-07, eta: 1:22:31, time: 0.564, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1867, decode.acc_seg: 92.3211, aux.loss_ce: 0.1409, aux.acc_seg: 86.5955, loss: 0.3276, grad_norm: 3.1067 2023-11-14 09:56:45,927 - mmseg - INFO - Iter [148050/160000] lr: 1.423e-07, eta: 1:22:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1917, decode.acc_seg: 91.8311, aux.loss_ce: 0.1508, aux.acc_seg: 85.5546, loss: 0.3425, grad_norm: 4.0568 2023-11-14 09:57:05,871 - mmseg - INFO - Iter [148100/160000] lr: 1.417e-07, eta: 1:21:50, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1730, decode.acc_seg: 92.5698, aux.loss_ce: 0.1369, aux.acc_seg: 86.6216, loss: 0.3099, grad_norm: 2.7689 2023-11-14 09:57:25,757 - mmseg - INFO - Iter [148150/160000] lr: 1.411e-07, eta: 1:21:29, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1971, decode.acc_seg: 91.7729, aux.loss_ce: 0.1497, aux.acc_seg: 85.9256, loss: 0.3468, grad_norm: 3.9590 2023-11-14 09:57:45,837 - mmseg - INFO - Iter [148200/160000] lr: 1.405e-07, eta: 1:21:08, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 91.7684, aux.loss_ce: 0.1424, aux.acc_seg: 86.3225, loss: 0.3341, grad_norm: 4.3123 2023-11-14 09:58:05,930 - mmseg - INFO - Iter [148250/160000] lr: 1.399e-07, eta: 1:20:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1951, decode.acc_seg: 91.7689, aux.loss_ce: 0.1524, aux.acc_seg: 85.3454, loss: 0.3475, grad_norm: 4.3229 2023-11-14 09:58:26,126 - mmseg - INFO - Iter [148300/160000] lr: 1.393e-07, eta: 1:20:27, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1847, decode.acc_seg: 92.2692, aux.loss_ce: 0.1353, aux.acc_seg: 87.0101, loss: 0.3200, grad_norm: 3.3340 2023-11-14 09:58:46,504 - mmseg - INFO - Iter [148350/160000] lr: 1.387e-07, eta: 1:20:06, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1797, decode.acc_seg: 92.1614, aux.loss_ce: 0.1354, aux.acc_seg: 86.8157, loss: 0.3151, grad_norm: 3.1959 2023-11-14 09:59:06,689 - mmseg - INFO - Iter [148400/160000] lr: 1.381e-07, eta: 1:19:46, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2055, decode.acc_seg: 91.3901, aux.loss_ce: 0.1500, aux.acc_seg: 85.5551, loss: 0.3555, grad_norm: 4.9987 2023-11-14 09:59:26,653 - mmseg - INFO - Iter [148450/160000] lr: 1.375e-07, eta: 1:19:25, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1966, decode.acc_seg: 92.0142, aux.loss_ce: 0.1438, aux.acc_seg: 86.6580, loss: 0.3404, grad_norm: 4.4744 2023-11-14 09:59:46,863 - mmseg - INFO - Iter [148500/160000] lr: 1.369e-07, eta: 1:19:04, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1842, decode.acc_seg: 92.3354, aux.loss_ce: 0.1347, aux.acc_seg: 86.8386, loss: 0.3189, grad_norm: 3.6916 2023-11-14 10:00:06,973 - mmseg - INFO - Iter [148550/160000] lr: 1.363e-07, eta: 1:18:44, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1822, decode.acc_seg: 92.2448, aux.loss_ce: 0.1471, aux.acc_seg: 85.8919, loss: 0.3293, grad_norm: 3.3928 2023-11-14 10:00:26,910 - mmseg - INFO - Iter [148600/160000] lr: 1.357e-07, eta: 1:18:23, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.6758, aux.loss_ce: 0.1495, aux.acc_seg: 86.0404, loss: 0.3514, grad_norm: 4.4127 2023-11-14 10:00:46,893 - mmseg - INFO - Iter [148650/160000] lr: 1.351e-07, eta: 1:18:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1932, decode.acc_seg: 91.8117, aux.loss_ce: 0.1457, aux.acc_seg: 85.9495, loss: 0.3389, grad_norm: 3.7531 2023-11-14 10:01:06,850 - mmseg - INFO - Iter [148700/160000] lr: 1.346e-07, eta: 1:17:42, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1849, decode.acc_seg: 92.2402, aux.loss_ce: 0.1417, aux.acc_seg: 86.5893, loss: 0.3265, grad_norm: 3.0637 2023-11-14 10:01:26,884 - mmseg - INFO - Iter [148750/160000] lr: 1.340e-07, eta: 1:17:21, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1773, decode.acc_seg: 92.6612, aux.loss_ce: 0.1371, aux.acc_seg: 87.0585, loss: 0.3145, grad_norm: 3.1765 2023-11-14 10:01:47,430 - mmseg - INFO - Iter [148800/160000] lr: 1.334e-07, eta: 1:17:00, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1994, decode.acc_seg: 91.8502, aux.loss_ce: 0.1541, aux.acc_seg: 85.8358, loss: 0.3535, grad_norm: 3.8861 2023-11-14 10:02:07,556 - mmseg - INFO - Iter [148850/160000] lr: 1.328e-07, eta: 1:16:40, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1844, decode.acc_seg: 92.0755, aux.loss_ce: 0.1401, aux.acc_seg: 86.2988, loss: 0.3246, grad_norm: 2.7632 2023-11-14 10:02:27,618 - mmseg - INFO - Iter [148900/160000] lr: 1.322e-07, eta: 1:16:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1926, decode.acc_seg: 91.9803, aux.loss_ce: 0.1433, aux.acc_seg: 86.2459, loss: 0.3360, grad_norm: 5.0705 2023-11-14 10:02:47,754 - mmseg - INFO - Iter [148950/160000] lr: 1.316e-07, eta: 1:15:58, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1939, decode.acc_seg: 91.8574, aux.loss_ce: 0.1454, aux.acc_seg: 86.0936, loss: 0.3393, grad_norm: 3.5266 2023-11-14 10:03:07,808 - mmseg - INFO - Saving checkpoint at 149000 iterations 2023-11-14 10:03:15,494 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:03:15,494 - mmseg - INFO - Iter [149000/160000] lr: 1.310e-07, eta: 1:15:38, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1800, decode.acc_seg: 92.3963, aux.loss_ce: 0.1369, aux.acc_seg: 87.0550, loss: 0.3169, grad_norm: 3.1354 2023-11-14 10:03:38,084 - mmseg - INFO - Iter [149050/160000] lr: 1.304e-07, eta: 1:15:18, time: 0.452, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1915, decode.acc_seg: 92.0975, aux.loss_ce: 0.1461, aux.acc_seg: 86.1638, loss: 0.3376, grad_norm: 3.6250 2023-11-14 10:03:57,996 - mmseg - INFO - Iter [149100/160000] lr: 1.298e-07, eta: 1:14:57, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2006, decode.acc_seg: 91.6684, aux.loss_ce: 0.1452, aux.acc_seg: 85.9611, loss: 0.3458, grad_norm: 3.7599 2023-11-14 10:04:17,956 - mmseg - INFO - Iter [149150/160000] lr: 1.292e-07, eta: 1:14:36, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1844, decode.acc_seg: 92.4137, aux.loss_ce: 0.1367, aux.acc_seg: 87.1065, loss: 0.3211, grad_norm: 2.9522 2023-11-14 10:04:38,017 - mmseg - INFO - Iter [149200/160000] lr: 1.286e-07, eta: 1:14:16, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1897, decode.acc_seg: 92.1049, aux.loss_ce: 0.1459, aux.acc_seg: 85.7600, loss: 0.3356, grad_norm: 3.5208 2023-11-14 10:04:58,322 - mmseg - INFO - Iter [149250/160000] lr: 1.280e-07, eta: 1:13:55, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 92.0263, aux.loss_ce: 0.1378, aux.acc_seg: 86.4982, loss: 0.3297, grad_norm: 3.8043 2023-11-14 10:05:18,566 - mmseg - INFO - Iter [149300/160000] lr: 1.274e-07, eta: 1:13:34, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.0336, aux.loss_ce: 0.1390, aux.acc_seg: 86.3265, loss: 0.3219, grad_norm: 3.3922 2023-11-14 10:05:38,610 - mmseg - INFO - Iter [149350/160000] lr: 1.268e-07, eta: 1:13:14, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1803, decode.acc_seg: 92.3880, aux.loss_ce: 0.1412, aux.acc_seg: 86.5627, loss: 0.3215, grad_norm: 3.0972 2023-11-14 10:05:58,530 - mmseg - INFO - Iter [149400/160000] lr: 1.262e-07, eta: 1:12:53, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1902, decode.acc_seg: 91.9351, aux.loss_ce: 0.1423, aux.acc_seg: 86.3546, loss: 0.3325, grad_norm: 3.4867 2023-11-14 10:06:18,638 - mmseg - INFO - Iter [149450/160000] lr: 1.256e-07, eta: 1:12:32, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1833, decode.acc_seg: 92.3776, aux.loss_ce: 0.1351, aux.acc_seg: 87.1318, loss: 0.3185, grad_norm: 3.2769 2023-11-14 10:06:38,670 - mmseg - INFO - Iter [149500/160000] lr: 1.250e-07, eta: 1:12:12, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1874, decode.acc_seg: 92.2682, aux.loss_ce: 0.1432, aux.acc_seg: 86.6339, loss: 0.3307, grad_norm: 3.4526 2023-11-14 10:06:58,712 - mmseg - INFO - Iter [149550/160000] lr: 1.244e-07, eta: 1:11:51, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 92.3510, aux.loss_ce: 0.1403, aux.acc_seg: 86.7328, loss: 0.3216, grad_norm: 3.0414 2023-11-14 10:07:18,861 - mmseg - INFO - Iter [149600/160000] lr: 1.238e-07, eta: 1:11:30, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1882, decode.acc_seg: 91.9847, aux.loss_ce: 0.1466, aux.acc_seg: 85.5627, loss: 0.3348, grad_norm: 3.4199 2023-11-14 10:07:38,833 - mmseg - INFO - Iter [149650/160000] lr: 1.232e-07, eta: 1:11:10, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2055, decode.acc_seg: 91.4793, aux.loss_ce: 0.1459, aux.acc_seg: 86.1925, loss: 0.3514, grad_norm: 3.6884 2023-11-14 10:07:59,052 - mmseg - INFO - Iter [149700/160000] lr: 1.226e-07, eta: 1:10:49, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1712, decode.acc_seg: 92.6968, aux.loss_ce: 0.1264, aux.acc_seg: 87.8211, loss: 0.2976, grad_norm: 3.2872 2023-11-14 10:08:19,471 - mmseg - INFO - Iter [149750/160000] lr: 1.220e-07, eta: 1:10:28, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1913, decode.acc_seg: 91.9052, aux.loss_ce: 0.1451, aux.acc_seg: 86.2699, loss: 0.3364, grad_norm: 3.5428 2023-11-14 10:08:39,462 - mmseg - INFO - Iter [149800/160000] lr: 1.215e-07, eta: 1:10:08, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1928, decode.acc_seg: 92.0563, aux.loss_ce: 0.1463, aux.acc_seg: 86.2400, loss: 0.3391, grad_norm: 3.3200 2023-11-14 10:08:59,517 - mmseg - INFO - Iter [149850/160000] lr: 1.209e-07, eta: 1:09:47, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1811, decode.acc_seg: 92.1979, aux.loss_ce: 0.1427, aux.acc_seg: 86.0629, loss: 0.3238, grad_norm: 3.1686 2023-11-14 10:09:19,453 - mmseg - INFO - Iter [149900/160000] lr: 1.203e-07, eta: 1:09:26, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1744, decode.acc_seg: 92.6201, aux.loss_ce: 0.1382, aux.acc_seg: 86.7687, loss: 0.3126, grad_norm: 2.7583 2023-11-14 10:09:39,372 - mmseg - INFO - Iter [149950/160000] lr: 1.197e-07, eta: 1:09:06, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1766, decode.acc_seg: 92.4485, aux.loss_ce: 0.1335, aux.acc_seg: 86.9334, loss: 0.3101, grad_norm: 3.0608 2023-11-14 10:09:59,269 - mmseg - INFO - Saving checkpoint at 150000 iterations 2023-11-14 10:10:06,919 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:10:06,919 - mmseg - INFO - Iter [150000/160000] lr: 1.191e-07, eta: 1:08:46, time: 0.551, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1973, decode.acc_seg: 91.7362, aux.loss_ce: 0.1537, aux.acc_seg: 85.5426, loss: 0.3511, grad_norm: 4.4771 2023-11-14 10:10:26,970 - mmseg - INFO - Iter [150050/160000] lr: 1.185e-07, eta: 1:08:25, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1903, decode.acc_seg: 92.0775, aux.loss_ce: 0.1453, aux.acc_seg: 86.3861, loss: 0.3356, grad_norm: 3.4315 2023-11-14 10:10:47,124 - mmseg - INFO - Iter [150100/160000] lr: 1.179e-07, eta: 1:08:04, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1868, decode.acc_seg: 92.1696, aux.loss_ce: 0.1460, aux.acc_seg: 86.3066, loss: 0.3329, grad_norm: 3.3663 2023-11-14 10:11:07,406 - mmseg - INFO - Iter [150150/160000] lr: 1.173e-07, eta: 1:07:44, time: 0.406, data_time: 0.008, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 91.9948, aux.loss_ce: 0.1438, aux.acc_seg: 86.2157, loss: 0.3319, grad_norm: 3.2636 2023-11-14 10:11:27,808 - mmseg - INFO - Iter [150200/160000] lr: 1.167e-07, eta: 1:07:23, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1980, decode.acc_seg: 91.7845, aux.loss_ce: 0.1483, aux.acc_seg: 86.1792, loss: 0.3463, grad_norm: 3.9475 2023-11-14 10:11:47,861 - mmseg - INFO - Iter [150250/160000] lr: 1.161e-07, eta: 1:07:02, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1905, decode.acc_seg: 92.1796, aux.loss_ce: 0.1474, aux.acc_seg: 86.2993, loss: 0.3379, grad_norm: 3.5123 2023-11-14 10:12:10,111 - mmseg - INFO - Iter [150300/160000] lr: 1.155e-07, eta: 1:06:42, time: 0.445, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 91.9181, aux.loss_ce: 0.1413, aux.acc_seg: 86.0519, loss: 0.3296, grad_norm: 3.4475 2023-11-14 10:12:30,036 - mmseg - INFO - Iter [150350/160000] lr: 1.149e-07, eta: 1:06:21, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1850, decode.acc_seg: 92.2092, aux.loss_ce: 0.1374, aux.acc_seg: 86.6681, loss: 0.3225, grad_norm: 3.4111 2023-11-14 10:12:50,001 - mmseg - INFO - Iter [150400/160000] lr: 1.143e-07, eta: 1:06:00, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1800, decode.acc_seg: 92.3506, aux.loss_ce: 0.1436, aux.acc_seg: 86.3249, loss: 0.3236, grad_norm: 3.4322 2023-11-14 10:13:09,959 - mmseg - INFO - Iter [150450/160000] lr: 1.137e-07, eta: 1:05:40, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 92.1146, aux.loss_ce: 0.1389, aux.acc_seg: 86.7915, loss: 0.3261, grad_norm: 2.8065 2023-11-14 10:13:31,108 - mmseg - INFO - Iter [150500/160000] lr: 1.131e-07, eta: 1:05:19, time: 0.423, data_time: 0.031, memory: 16105, decode.loss_ce: 0.1933, decode.acc_seg: 91.8333, aux.loss_ce: 0.1465, aux.acc_seg: 85.8585, loss: 0.3397, grad_norm: 3.4018 2023-11-14 10:13:51,149 - mmseg - INFO - Iter [150550/160000] lr: 1.125e-07, eta: 1:04:58, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.0698, aux.loss_ce: 0.1387, aux.acc_seg: 86.8564, loss: 0.3275, grad_norm: 4.2211 2023-11-14 10:14:11,143 - mmseg - INFO - Iter [150600/160000] lr: 1.119e-07, eta: 1:04:38, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2010, decode.acc_seg: 91.5892, aux.loss_ce: 0.1512, aux.acc_seg: 85.6209, loss: 0.3522, grad_norm: 4.2243 2023-11-14 10:14:31,516 - mmseg - INFO - Iter [150650/160000] lr: 1.113e-07, eta: 1:04:17, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1915, decode.acc_seg: 92.1890, aux.loss_ce: 0.1452, aux.acc_seg: 86.5970, loss: 0.3367, grad_norm: 3.7675 2023-11-14 10:14:51,821 - mmseg - INFO - Iter [150700/160000] lr: 1.107e-07, eta: 1:03:57, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1867, decode.acc_seg: 92.1214, aux.loss_ce: 0.1374, aux.acc_seg: 86.7987, loss: 0.3241, grad_norm: 2.8684 2023-11-14 10:15:11,745 - mmseg - INFO - Iter [150750/160000] lr: 1.101e-07, eta: 1:03:36, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1837, decode.acc_seg: 92.1770, aux.loss_ce: 0.1398, aux.acc_seg: 86.6891, loss: 0.3235, grad_norm: 3.9631 2023-11-14 10:15:31,789 - mmseg - INFO - Iter [150800/160000] lr: 1.095e-07, eta: 1:03:15, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1884, decode.acc_seg: 92.1605, aux.loss_ce: 0.1379, aux.acc_seg: 86.9115, loss: 0.3263, grad_norm: 3.3054 2023-11-14 10:15:51,877 - mmseg - INFO - Iter [150850/160000] lr: 1.090e-07, eta: 1:02:55, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1836, decode.acc_seg: 92.1424, aux.loss_ce: 0.1405, aux.acc_seg: 86.3234, loss: 0.3240, grad_norm: 2.8232 2023-11-14 10:16:12,019 - mmseg - INFO - Iter [150900/160000] lr: 1.084e-07, eta: 1:02:34, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1944, decode.acc_seg: 91.7319, aux.loss_ce: 0.1451, aux.acc_seg: 85.9513, loss: 0.3395, grad_norm: 4.4145 2023-11-14 10:16:31,943 - mmseg - INFO - Iter [150950/160000] lr: 1.078e-07, eta: 1:02:13, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1744, decode.acc_seg: 92.5495, aux.loss_ce: 0.1424, aux.acc_seg: 86.3627, loss: 0.3168, grad_norm: 3.1881 2023-11-14 10:16:51,833 - mmseg - INFO - Saving checkpoint at 151000 iterations 2023-11-14 10:16:59,667 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:16:59,667 - mmseg - INFO - Iter [151000/160000] lr: 1.072e-07, eta: 1:01:53, time: 0.555, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1926, decode.acc_seg: 91.7583, aux.loss_ce: 0.1397, aux.acc_seg: 86.3286, loss: 0.3324, grad_norm: 3.6673 2023-11-14 10:17:19,725 - mmseg - INFO - Iter [151050/160000] lr: 1.066e-07, eta: 1:01:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1942, decode.acc_seg: 91.6028, aux.loss_ce: 0.1520, aux.acc_seg: 85.3104, loss: 0.3462, grad_norm: 3.3073 2023-11-14 10:17:40,150 - mmseg - INFO - Iter [151100/160000] lr: 1.060e-07, eta: 1:01:12, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1849, decode.acc_seg: 92.2013, aux.loss_ce: 0.1443, aux.acc_seg: 86.5550, loss: 0.3292, grad_norm: 2.9948 2023-11-14 10:18:00,260 - mmseg - INFO - Iter [151150/160000] lr: 1.054e-07, eta: 1:00:51, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1764, decode.acc_seg: 92.5203, aux.loss_ce: 0.1339, aux.acc_seg: 87.1151, loss: 0.3103, grad_norm: 3.0362 2023-11-14 10:18:20,330 - mmseg - INFO - Iter [151200/160000] lr: 1.048e-07, eta: 1:00:30, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1746, decode.acc_seg: 92.4960, aux.loss_ce: 0.1358, aux.acc_seg: 86.6901, loss: 0.3104, grad_norm: 3.3516 2023-11-14 10:18:40,331 - mmseg - INFO - Iter [151250/160000] lr: 1.042e-07, eta: 1:00:10, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1814, decode.acc_seg: 92.3463, aux.loss_ce: 0.1358, aux.acc_seg: 87.1478, loss: 0.3172, grad_norm: 3.2924 2023-11-14 10:19:00,303 - mmseg - INFO - Iter [151300/160000] lr: 1.036e-07, eta: 0:59:49, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 92.2395, aux.loss_ce: 0.1446, aux.acc_seg: 86.5886, loss: 0.3327, grad_norm: 3.2204 2023-11-14 10:19:20,307 - mmseg - INFO - Iter [151350/160000] lr: 1.030e-07, eta: 0:59:28, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1912, decode.acc_seg: 92.1735, aux.loss_ce: 0.1452, aux.acc_seg: 86.3051, loss: 0.3363, grad_norm: 2.9394 2023-11-14 10:19:40,225 - mmseg - INFO - Iter [151400/160000] lr: 1.024e-07, eta: 0:59:08, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2041, decode.acc_seg: 91.4180, aux.loss_ce: 0.1567, aux.acc_seg: 85.3553, loss: 0.3608, grad_norm: 3.6251 2023-11-14 10:20:00,386 - mmseg - INFO - Iter [151450/160000] lr: 1.018e-07, eta: 0:58:47, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1843, decode.acc_seg: 92.2938, aux.loss_ce: 0.1392, aux.acc_seg: 86.8753, loss: 0.3235, grad_norm: 3.2183 2023-11-14 10:20:20,461 - mmseg - INFO - Iter [151500/160000] lr: 1.012e-07, eta: 0:58:26, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1817, decode.acc_seg: 92.1235, aux.loss_ce: 0.1358, aux.acc_seg: 86.6906, loss: 0.3175, grad_norm: 3.2914 2023-11-14 10:20:40,950 - mmseg - INFO - Iter [151550/160000] lr: 1.006e-07, eta: 0:58:06, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1745, decode.acc_seg: 92.6553, aux.loss_ce: 0.1339, aux.acc_seg: 86.9010, loss: 0.3084, grad_norm: 3.2055 2023-11-14 10:21:03,858 - mmseg - INFO - Iter [151600/160000] lr: 1.000e-07, eta: 0:57:45, time: 0.457, data_time: 0.053, memory: 16105, decode.loss_ce: 0.1872, decode.acc_seg: 92.1334, aux.loss_ce: 0.1382, aux.acc_seg: 86.9494, loss: 0.3254, grad_norm: 3.5809 2023-11-14 10:21:24,102 - mmseg - INFO - Iter [151650/160000] lr: 9.943e-08, eta: 0:57:25, time: 0.406, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1767, decode.acc_seg: 92.5612, aux.loss_ce: 0.1444, aux.acc_seg: 86.4075, loss: 0.3212, grad_norm: 3.3798 2023-11-14 10:21:44,094 - mmseg - INFO - Iter [151700/160000] lr: 9.883e-08, eta: 0:57:04, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1827, decode.acc_seg: 92.3655, aux.loss_ce: 0.1416, aux.acc_seg: 86.4828, loss: 0.3243, grad_norm: 3.1846 2023-11-14 10:22:04,119 - mmseg - INFO - Iter [151750/160000] lr: 9.824e-08, eta: 0:56:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1903, decode.acc_seg: 92.0751, aux.loss_ce: 0.1476, aux.acc_seg: 85.7841, loss: 0.3379, grad_norm: 3.4494 2023-11-14 10:22:23,973 - mmseg - INFO - Iter [151800/160000] lr: 9.764e-08, eta: 0:56:23, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1849, decode.acc_seg: 92.0723, aux.loss_ce: 0.1392, aux.acc_seg: 86.5942, loss: 0.3241, grad_norm: 3.7902 2023-11-14 10:22:43,998 - mmseg - INFO - Iter [151850/160000] lr: 9.705e-08, eta: 0:56:02, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2049, decode.acc_seg: 91.4182, aux.loss_ce: 0.1518, aux.acc_seg: 85.5706, loss: 0.3567, grad_norm: 4.0095 2023-11-14 10:23:03,884 - mmseg - INFO - Iter [151900/160000] lr: 9.645e-08, eta: 0:55:41, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1749, decode.acc_seg: 92.5951, aux.loss_ce: 0.1326, aux.acc_seg: 86.9651, loss: 0.3075, grad_norm: 3.8972 2023-11-14 10:23:23,750 - mmseg - INFO - Iter [151950/160000] lr: 9.586e-08, eta: 0:55:21, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1880, decode.acc_seg: 92.1679, aux.loss_ce: 0.1452, aux.acc_seg: 86.3026, loss: 0.3332, grad_norm: 3.2934 2023-11-14 10:23:43,992 - mmseg - INFO - Saving checkpoint at 152000 iterations 2023-11-14 10:23:52,068 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:23:52,068 - mmseg - INFO - Iter [152000/160000] lr: 9.526e-08, eta: 0:55:00, time: 0.566, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1981, decode.acc_seg: 91.7799, aux.loss_ce: 0.1437, aux.acc_seg: 86.4656, loss: 0.3418, grad_norm: 3.5877 2023-11-14 10:24:12,377 - mmseg - INFO - Iter [152050/160000] lr: 9.467e-08, eta: 0:54:40, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1815, decode.acc_seg: 92.2918, aux.loss_ce: 0.1404, aux.acc_seg: 86.4724, loss: 0.3218, grad_norm: 3.5667 2023-11-14 10:24:32,451 - mmseg - INFO - Iter [152100/160000] lr: 9.407e-08, eta: 0:54:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1865, decode.acc_seg: 92.2192, aux.loss_ce: 0.1437, aux.acc_seg: 86.4948, loss: 0.3302, grad_norm: 3.8545 2023-11-14 10:24:52,468 - mmseg - INFO - Iter [152150/160000] lr: 9.347e-08, eta: 0:53:58, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1979, decode.acc_seg: 91.7117, aux.loss_ce: 0.1472, aux.acc_seg: 86.1196, loss: 0.3451, grad_norm: 3.7281 2023-11-14 10:25:12,367 - mmseg - INFO - Iter [152200/160000] lr: 9.288e-08, eta: 0:53:38, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 91.8406, aux.loss_ce: 0.1398, aux.acc_seg: 86.5086, loss: 0.3278, grad_norm: 3.4522 2023-11-14 10:25:32,435 - mmseg - INFO - Iter [152250/160000] lr: 9.228e-08, eta: 0:53:17, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2018, decode.acc_seg: 91.6887, aux.loss_ce: 0.1585, aux.acc_seg: 85.0737, loss: 0.3603, grad_norm: 4.0630 2023-11-14 10:25:52,499 - mmseg - INFO - Iter [152300/160000] lr: 9.169e-08, eta: 0:52:56, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1954, decode.acc_seg: 91.7628, aux.loss_ce: 0.1444, aux.acc_seg: 85.7310, loss: 0.3398, grad_norm: 3.6563 2023-11-14 10:26:12,590 - mmseg - INFO - Iter [152350/160000] lr: 9.109e-08, eta: 0:52:36, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1789, decode.acc_seg: 92.4671, aux.loss_ce: 0.1324, aux.acc_seg: 86.8882, loss: 0.3114, grad_norm: 3.7699 2023-11-14 10:26:32,556 - mmseg - INFO - Iter [152400/160000] lr: 9.050e-08, eta: 0:52:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1798, decode.acc_seg: 92.3486, aux.loss_ce: 0.1323, aux.acc_seg: 87.0499, loss: 0.3121, grad_norm: 3.8124 2023-11-14 10:26:52,686 - mmseg - INFO - Iter [152450/160000] lr: 8.990e-08, eta: 0:51:54, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 92.0350, aux.loss_ce: 0.1397, aux.acc_seg: 86.4027, loss: 0.3250, grad_norm: 3.5122 2023-11-14 10:27:12,889 - mmseg - INFO - Iter [152500/160000] lr: 8.931e-08, eta: 0:51:34, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1867, decode.acc_seg: 92.3277, aux.loss_ce: 0.1451, aux.acc_seg: 86.5075, loss: 0.3318, grad_norm: 3.8518 2023-11-14 10:27:33,118 - mmseg - INFO - Iter [152550/160000] lr: 8.871e-08, eta: 0:51:13, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1840, decode.acc_seg: 92.2646, aux.loss_ce: 0.1370, aux.acc_seg: 87.0342, loss: 0.3211, grad_norm: 3.5513 2023-11-14 10:27:53,164 - mmseg - INFO - Iter [152600/160000] lr: 8.812e-08, eta: 0:50:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1887, decode.acc_seg: 92.0635, aux.loss_ce: 0.1411, aux.acc_seg: 86.5893, loss: 0.3298, grad_norm: 4.7671 2023-11-14 10:28:13,232 - mmseg - INFO - Iter [152650/160000] lr: 8.752e-08, eta: 0:50:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1787, decode.acc_seg: 92.5438, aux.loss_ce: 0.1410, aux.acc_seg: 86.8526, loss: 0.3197, grad_norm: 3.1714 2023-11-14 10:28:33,187 - mmseg - INFO - Iter [152700/160000] lr: 8.693e-08, eta: 0:50:11, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 91.9402, aux.loss_ce: 0.1380, aux.acc_seg: 86.6060, loss: 0.3264, grad_norm: 3.8665 2023-11-14 10:28:53,191 - mmseg - INFO - Iter [152750/160000] lr: 8.633e-08, eta: 0:49:51, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1909, decode.acc_seg: 91.9702, aux.loss_ce: 0.1409, aux.acc_seg: 86.3487, loss: 0.3318, grad_norm: 3.3140 2023-11-14 10:29:13,486 - mmseg - INFO - Iter [152800/160000] lr: 8.574e-08, eta: 0:49:30, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1895, decode.acc_seg: 91.9830, aux.loss_ce: 0.1412, aux.acc_seg: 86.5347, loss: 0.3307, grad_norm: 3.6199 2023-11-14 10:29:35,687 - mmseg - INFO - Iter [152850/160000] lr: 8.514e-08, eta: 0:49:09, time: 0.444, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1859, decode.acc_seg: 92.1223, aux.loss_ce: 0.1467, aux.acc_seg: 85.8279, loss: 0.3326, grad_norm: 3.2222 2023-11-14 10:29:55,735 - mmseg - INFO - Iter [152900/160000] lr: 8.455e-08, eta: 0:48:49, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1869, decode.acc_seg: 92.1222, aux.loss_ce: 0.1402, aux.acc_seg: 86.2073, loss: 0.3270, grad_norm: 3.1775 2023-11-14 10:30:16,104 - mmseg - INFO - Iter [152950/160000] lr: 8.395e-08, eta: 0:48:28, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1775, decode.acc_seg: 92.5339, aux.loss_ce: 0.1375, aux.acc_seg: 86.8189, loss: 0.3150, grad_norm: 3.1119 2023-11-14 10:30:36,215 - mmseg - INFO - Saving checkpoint at 153000 iterations 2023-11-14 10:30:44,179 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:30:44,179 - mmseg - INFO - Iter [153000/160000] lr: 8.335e-08, eta: 0:48:08, time: 0.562, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1954, decode.acc_seg: 91.8584, aux.loss_ce: 0.1462, aux.acc_seg: 85.7763, loss: 0.3416, grad_norm: 3.8503 2023-11-14 10:31:04,285 - mmseg - INFO - Iter [153050/160000] lr: 8.276e-08, eta: 0:47:47, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1840, decode.acc_seg: 92.4342, aux.loss_ce: 0.1418, aux.acc_seg: 86.2284, loss: 0.3258, grad_norm: 3.5623 2023-11-14 10:31:24,215 - mmseg - INFO - Iter [153100/160000] lr: 8.216e-08, eta: 0:47:26, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1818, decode.acc_seg: 92.4665, aux.loss_ce: 0.1449, aux.acc_seg: 86.1874, loss: 0.3267, grad_norm: 3.7810 2023-11-14 10:31:44,172 - mmseg - INFO - Iter [153150/160000] lr: 8.157e-08, eta: 0:47:06, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1754, decode.acc_seg: 92.3655, aux.loss_ce: 0.1418, aux.acc_seg: 85.9410, loss: 0.3172, grad_norm: 3.8707 2023-11-14 10:32:04,189 - mmseg - INFO - Iter [153200/160000] lr: 8.097e-08, eta: 0:46:45, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1879, decode.acc_seg: 92.0932, aux.loss_ce: 0.1445, aux.acc_seg: 85.9202, loss: 0.3325, grad_norm: 3.0213 2023-11-14 10:32:24,193 - mmseg - INFO - Iter [153250/160000] lr: 8.038e-08, eta: 0:46:24, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1890, decode.acc_seg: 92.2016, aux.loss_ce: 0.1433, aux.acc_seg: 86.3935, loss: 0.3323, grad_norm: 3.3591 2023-11-14 10:32:44,128 - mmseg - INFO - Iter [153300/160000] lr: 7.978e-08, eta: 0:46:04, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1904, decode.acc_seg: 91.9033, aux.loss_ce: 0.1440, aux.acc_seg: 86.0087, loss: 0.3344, grad_norm: 4.9828 2023-11-14 10:33:04,171 - mmseg - INFO - Iter [153350/160000] lr: 7.919e-08, eta: 0:45:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 92.0611, aux.loss_ce: 0.1420, aux.acc_seg: 86.4015, loss: 0.3308, grad_norm: 4.2328 2023-11-14 10:33:24,609 - mmseg - INFO - Iter [153400/160000] lr: 7.859e-08, eta: 0:45:22, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1853, decode.acc_seg: 92.1814, aux.loss_ce: 0.1418, aux.acc_seg: 86.4158, loss: 0.3271, grad_norm: 3.0417 2023-11-14 10:33:44,904 - mmseg - INFO - Iter [153450/160000] lr: 7.800e-08, eta: 0:45:02, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2003, decode.acc_seg: 91.6068, aux.loss_ce: 0.1478, aux.acc_seg: 85.8248, loss: 0.3481, grad_norm: 3.5487 2023-11-14 10:34:04,955 - mmseg - INFO - Iter [153500/160000] lr: 7.740e-08, eta: 0:44:41, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1800, decode.acc_seg: 92.3246, aux.loss_ce: 0.1343, aux.acc_seg: 86.8736, loss: 0.3144, grad_norm: 3.3329 2023-11-14 10:34:24,927 - mmseg - INFO - Iter [153550/160000] lr: 7.681e-08, eta: 0:44:21, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 92.0085, aux.loss_ce: 0.1437, aux.acc_seg: 86.2188, loss: 0.3322, grad_norm: 3.5280 2023-11-14 10:34:44,930 - mmseg - INFO - Iter [153600/160000] lr: 7.621e-08, eta: 0:44:00, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1854, decode.acc_seg: 91.9297, aux.loss_ce: 0.1455, aux.acc_seg: 86.2301, loss: 0.3309, grad_norm: 3.1405 2023-11-14 10:35:04,987 - mmseg - INFO - Iter [153650/160000] lr: 7.562e-08, eta: 0:43:39, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1850, decode.acc_seg: 92.2627, aux.loss_ce: 0.1475, aux.acc_seg: 85.6976, loss: 0.3325, grad_norm: 3.5903 2023-11-14 10:35:24,925 - mmseg - INFO - Iter [153700/160000] lr: 7.502e-08, eta: 0:43:19, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1918, decode.acc_seg: 91.9621, aux.loss_ce: 0.1426, aux.acc_seg: 86.2458, loss: 0.3343, grad_norm: 3.3111 2023-11-14 10:35:44,780 - mmseg - INFO - Iter [153750/160000] lr: 7.442e-08, eta: 0:42:58, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1840, decode.acc_seg: 92.2040, aux.loss_ce: 0.1391, aux.acc_seg: 86.6810, loss: 0.3230, grad_norm: 2.9687 2023-11-14 10:36:04,763 - mmseg - INFO - Iter [153800/160000] lr: 7.383e-08, eta: 0:42:37, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1925, decode.acc_seg: 91.8962, aux.loss_ce: 0.1464, aux.acc_seg: 86.0112, loss: 0.3389, grad_norm: 3.7547 2023-11-14 10:36:25,096 - mmseg - INFO - Iter [153850/160000] lr: 7.323e-08, eta: 0:42:17, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1843, decode.acc_seg: 92.1999, aux.loss_ce: 0.1392, aux.acc_seg: 86.7830, loss: 0.3235, grad_norm: 3.5863 2023-11-14 10:36:45,553 - mmseg - INFO - Iter [153900/160000] lr: 7.264e-08, eta: 0:41:56, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.2679, aux.loss_ce: 0.1405, aux.acc_seg: 86.7603, loss: 0.3234, grad_norm: 3.2179 2023-11-14 10:37:05,835 - mmseg - INFO - Iter [153950/160000] lr: 7.204e-08, eta: 0:41:35, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1963, decode.acc_seg: 91.8832, aux.loss_ce: 0.1482, aux.acc_seg: 85.8899, loss: 0.3446, grad_norm: 4.0686 2023-11-14 10:37:25,785 - mmseg - INFO - Saving checkpoint at 154000 iterations 2023-11-14 10:37:33,768 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:37:33,768 - mmseg - INFO - Iter [154000/160000] lr: 7.145e-08, eta: 0:41:15, time: 0.559, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1987, decode.acc_seg: 91.5991, aux.loss_ce: 0.1547, aux.acc_seg: 85.3842, loss: 0.3534, grad_norm: 3.5822 2023-11-14 10:37:53,727 - mmseg - INFO - Iter [154050/160000] lr: 7.085e-08, eta: 0:40:54, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1724, decode.acc_seg: 92.5477, aux.loss_ce: 0.1361, aux.acc_seg: 86.8525, loss: 0.3085, grad_norm: 3.5148 2023-11-14 10:38:16,107 - mmseg - INFO - Iter [154100/160000] lr: 7.026e-08, eta: 0:40:34, time: 0.448, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1894, decode.acc_seg: 92.1784, aux.loss_ce: 0.1431, aux.acc_seg: 86.2684, loss: 0.3325, grad_norm: 3.4824 2023-11-14 10:38:36,288 - mmseg - INFO - Iter [154150/160000] lr: 6.966e-08, eta: 0:40:13, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1874, decode.acc_seg: 92.2983, aux.loss_ce: 0.1429, aux.acc_seg: 86.4842, loss: 0.3303, grad_norm: 3.2460 2023-11-14 10:38:56,198 - mmseg - INFO - Iter [154200/160000] lr: 6.907e-08, eta: 0:39:52, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1923, decode.acc_seg: 92.0105, aux.loss_ce: 0.1397, aux.acc_seg: 86.8000, loss: 0.3321, grad_norm: 3.1875 2023-11-14 10:39:16,125 - mmseg - INFO - Iter [154250/160000] lr: 6.847e-08, eta: 0:39:32, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1948, decode.acc_seg: 91.8811, aux.loss_ce: 0.1464, aux.acc_seg: 86.2695, loss: 0.3412, grad_norm: 3.9070 2023-11-14 10:39:36,408 - mmseg - INFO - Iter [154300/160000] lr: 6.788e-08, eta: 0:39:11, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1834, decode.acc_seg: 92.2974, aux.loss_ce: 0.1399, aux.acc_seg: 86.8758, loss: 0.3232, grad_norm: 3.1677 2023-11-14 10:39:56,764 - mmseg - INFO - Iter [154350/160000] lr: 6.728e-08, eta: 0:38:51, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1850, decode.acc_seg: 92.2414, aux.loss_ce: 0.1419, aux.acc_seg: 86.3846, loss: 0.3269, grad_norm: 3.0968 2023-11-14 10:40:16,854 - mmseg - INFO - Iter [154400/160000] lr: 6.669e-08, eta: 0:38:30, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1859, decode.acc_seg: 92.1829, aux.loss_ce: 0.1469, aux.acc_seg: 86.1725, loss: 0.3328, grad_norm: 3.4973 2023-11-14 10:40:36,902 - mmseg - INFO - Iter [154450/160000] lr: 6.609e-08, eta: 0:38:09, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 92.1309, aux.loss_ce: 0.1389, aux.acc_seg: 86.5745, loss: 0.3251, grad_norm: 4.0588 2023-11-14 10:40:56,817 - mmseg - INFO - Iter [154500/160000] lr: 6.550e-08, eta: 0:37:49, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1827, decode.acc_seg: 92.2367, aux.loss_ce: 0.1442, aux.acc_seg: 86.0333, loss: 0.3269, grad_norm: 2.9975 2023-11-14 10:41:16,784 - mmseg - INFO - Iter [154550/160000] lr: 6.490e-08, eta: 0:37:28, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1873, decode.acc_seg: 92.1405, aux.loss_ce: 0.1433, aux.acc_seg: 86.1722, loss: 0.3306, grad_norm: 3.3323 2023-11-14 10:41:36,665 - mmseg - INFO - Iter [154600/160000] lr: 6.430e-08, eta: 0:37:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 91.9193, aux.loss_ce: 0.1447, aux.acc_seg: 86.1916, loss: 0.3328, grad_norm: 3.4950 2023-11-14 10:41:56,559 - mmseg - INFO - Iter [154650/160000] lr: 6.371e-08, eta: 0:36:47, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1830, decode.acc_seg: 92.4407, aux.loss_ce: 0.1399, aux.acc_seg: 86.7661, loss: 0.3229, grad_norm: 3.2147 2023-11-14 10:42:16,776 - mmseg - INFO - Iter [154700/160000] lr: 6.311e-08, eta: 0:36:26, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1893, decode.acc_seg: 92.1686, aux.loss_ce: 0.1435, aux.acc_seg: 86.2274, loss: 0.3328, grad_norm: 3.6234 2023-11-14 10:42:36,893 - mmseg - INFO - Iter [154750/160000] lr: 6.252e-08, eta: 0:36:05, time: 0.403, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1873, decode.acc_seg: 92.2892, aux.loss_ce: 0.1406, aux.acc_seg: 86.8783, loss: 0.3279, grad_norm: 3.1337 2023-11-14 10:42:57,283 - mmseg - INFO - Iter [154800/160000] lr: 6.192e-08, eta: 0:35:45, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1889, decode.acc_seg: 91.9955, aux.loss_ce: 0.1499, aux.acc_seg: 85.4201, loss: 0.3388, grad_norm: 3.5784 2023-11-14 10:43:17,718 - mmseg - INFO - Iter [154850/160000] lr: 6.133e-08, eta: 0:35:24, time: 0.409, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1932, decode.acc_seg: 91.9165, aux.loss_ce: 0.1516, aux.acc_seg: 85.6003, loss: 0.3447, grad_norm: 3.9626 2023-11-14 10:43:37,898 - mmseg - INFO - Iter [154900/160000] lr: 6.073e-08, eta: 0:35:03, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1785, decode.acc_seg: 92.2770, aux.loss_ce: 0.1362, aux.acc_seg: 86.6856, loss: 0.3147, grad_norm: 3.1888 2023-11-14 10:43:58,044 - mmseg - INFO - Iter [154950/160000] lr: 6.014e-08, eta: 0:34:43, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1799, decode.acc_seg: 92.3557, aux.loss_ce: 0.1379, aux.acc_seg: 86.7763, loss: 0.3178, grad_norm: 3.0487 2023-11-14 10:44:18,451 - mmseg - INFO - Saving checkpoint at 155000 iterations 2023-11-14 10:44:26,143 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:44:26,143 - mmseg - INFO - Iter [155000/160000] lr: 5.954e-08, eta: 0:34:22, time: 0.563, data_time: 0.014, memory: 16105, decode.loss_ce: 0.1830, decode.acc_seg: 92.3409, aux.loss_ce: 0.1433, aux.acc_seg: 86.4724, loss: 0.3263, grad_norm: 3.5693 2023-11-14 10:44:46,351 - mmseg - INFO - Iter [155050/160000] lr: 5.895e-08, eta: 0:34:02, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1911, decode.acc_seg: 91.9599, aux.loss_ce: 0.1474, aux.acc_seg: 85.6852, loss: 0.3385, grad_norm: 4.0070 2023-11-14 10:45:06,283 - mmseg - INFO - Iter [155100/160000] lr: 5.835e-08, eta: 0:33:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1843, decode.acc_seg: 92.3396, aux.loss_ce: 0.1345, aux.acc_seg: 87.3189, loss: 0.3188, grad_norm: 3.0046 2023-11-14 10:45:26,302 - mmseg - INFO - Iter [155150/160000] lr: 5.776e-08, eta: 0:33:20, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1999, decode.acc_seg: 91.8538, aux.loss_ce: 0.1524, aux.acc_seg: 85.6655, loss: 0.3523, grad_norm: 4.2576 2023-11-14 10:45:46,455 - mmseg - INFO - Iter [155200/160000] lr: 5.716e-08, eta: 0:33:00, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1750, decode.acc_seg: 92.5608, aux.loss_ce: 0.1342, aux.acc_seg: 87.0941, loss: 0.3092, grad_norm: 2.9318 2023-11-14 10:46:06,969 - mmseg - INFO - Iter [155250/160000] lr: 5.657e-08, eta: 0:32:39, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1837, decode.acc_seg: 92.3449, aux.loss_ce: 0.1494, aux.acc_seg: 86.2144, loss: 0.3330, grad_norm: 3.3175 2023-11-14 10:46:26,998 - mmseg - INFO - Iter [155300/160000] lr: 5.597e-08, eta: 0:32:19, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1786, decode.acc_seg: 92.4627, aux.loss_ce: 0.1354, aux.acc_seg: 87.1097, loss: 0.3140, grad_norm: 3.2241 2023-11-14 10:46:50,139 - mmseg - INFO - Iter [155350/160000] lr: 5.538e-08, eta: 0:31:58, time: 0.462, data_time: 0.061, memory: 16105, decode.loss_ce: 0.1864, decode.acc_seg: 92.0567, aux.loss_ce: 0.1439, aux.acc_seg: 86.2385, loss: 0.3302, grad_norm: 3.9533 2023-11-14 10:47:10,236 - mmseg - INFO - Iter [155400/160000] lr: 5.478e-08, eta: 0:31:37, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1898, decode.acc_seg: 91.6336, aux.loss_ce: 0.1469, aux.acc_seg: 85.5889, loss: 0.3367, grad_norm: 3.5280 2023-11-14 10:47:30,114 - mmseg - INFO - Iter [155450/160000] lr: 5.418e-08, eta: 0:31:17, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1845, decode.acc_seg: 92.2640, aux.loss_ce: 0.1396, aux.acc_seg: 86.7734, loss: 0.3241, grad_norm: 2.8660 2023-11-14 10:47:49,982 - mmseg - INFO - Iter [155500/160000] lr: 5.359e-08, eta: 0:30:56, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2034, decode.acc_seg: 91.5556, aux.loss_ce: 0.1502, aux.acc_seg: 85.7272, loss: 0.3537, grad_norm: 4.3555 2023-11-14 10:48:09,926 - mmseg - INFO - Iter [155550/160000] lr: 5.299e-08, eta: 0:30:35, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1813, decode.acc_seg: 92.1868, aux.loss_ce: 0.1382, aux.acc_seg: 86.2060, loss: 0.3195, grad_norm: 3.3132 2023-11-14 10:48:29,880 - mmseg - INFO - Iter [155600/160000] lr: 5.240e-08, eta: 0:30:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1779, decode.acc_seg: 92.4821, aux.loss_ce: 0.1348, aux.acc_seg: 87.1859, loss: 0.3127, grad_norm: 3.2394 2023-11-14 10:48:49,920 - mmseg - INFO - Iter [155650/160000] lr: 5.180e-08, eta: 0:29:54, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1941, decode.acc_seg: 91.9980, aux.loss_ce: 0.1458, aux.acc_seg: 86.1836, loss: 0.3398, grad_norm: 4.1027 2023-11-14 10:49:10,426 - mmseg - INFO - Iter [155700/160000] lr: 5.121e-08, eta: 0:29:33, time: 0.410, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1844, decode.acc_seg: 92.1228, aux.loss_ce: 0.1451, aux.acc_seg: 86.2466, loss: 0.3294, grad_norm: 3.4634 2023-11-14 10:49:30,472 - mmseg - INFO - Iter [155750/160000] lr: 5.061e-08, eta: 0:29:13, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1885, decode.acc_seg: 91.9414, aux.loss_ce: 0.1438, aux.acc_seg: 86.2318, loss: 0.3323, grad_norm: 4.2963 2023-11-14 10:49:50,483 - mmseg - INFO - Iter [155800/160000] lr: 5.002e-08, eta: 0:28:52, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1835, decode.acc_seg: 92.3043, aux.loss_ce: 0.1423, aux.acc_seg: 86.7479, loss: 0.3259, grad_norm: 3.3334 2023-11-14 10:50:10,468 - mmseg - INFO - Iter [155850/160000] lr: 4.942e-08, eta: 0:28:32, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1726, decode.acc_seg: 92.5949, aux.loss_ce: 0.1331, aux.acc_seg: 86.9621, loss: 0.3056, grad_norm: 3.0084 2023-11-14 10:50:30,362 - mmseg - INFO - Iter [155900/160000] lr: 4.883e-08, eta: 0:28:11, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1771, decode.acc_seg: 92.4018, aux.loss_ce: 0.1377, aux.acc_seg: 86.5862, loss: 0.3148, grad_norm: 3.1616 2023-11-14 10:50:50,232 - mmseg - INFO - Iter [155950/160000] lr: 4.823e-08, eta: 0:27:50, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1860, decode.acc_seg: 92.2607, aux.loss_ce: 0.1467, aux.acc_seg: 85.9133, loss: 0.3327, grad_norm: 3.2603 2023-11-14 10:51:10,455 - mmseg - INFO - Saving checkpoint at 156000 iterations 2023-11-14 10:51:18,267 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:51:18,268 - mmseg - INFO - Iter [156000/160000] lr: 4.764e-08, eta: 0:27:30, time: 0.561, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1788, decode.acc_seg: 92.1085, aux.loss_ce: 0.1394, aux.acc_seg: 86.0627, loss: 0.3182, grad_norm: 3.5288 2023-11-14 10:51:38,507 - mmseg - INFO - Iter [156050/160000] lr: 4.704e-08, eta: 0:27:09, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1842, decode.acc_seg: 92.1404, aux.loss_ce: 0.1420, aux.acc_seg: 86.1973, loss: 0.3262, grad_norm: 3.6861 2023-11-14 10:51:58,647 - mmseg - INFO - Iter [156100/160000] lr: 4.645e-08, eta: 0:26:49, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 92.1196, aux.loss_ce: 0.1456, aux.acc_seg: 86.2124, loss: 0.3318, grad_norm: 3.2212 2023-11-14 10:52:18,830 - mmseg - INFO - Iter [156150/160000] lr: 4.585e-08, eta: 0:26:28, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1878, decode.acc_seg: 92.0001, aux.loss_ce: 0.1483, aux.acc_seg: 85.9229, loss: 0.3361, grad_norm: 3.1628 2023-11-14 10:52:39,182 - mmseg - INFO - Iter [156200/160000] lr: 4.525e-08, eta: 0:26:07, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1901, decode.acc_seg: 92.0952, aux.loss_ce: 0.1414, aux.acc_seg: 86.7128, loss: 0.3315, grad_norm: 3.6551 2023-11-14 10:52:59,187 - mmseg - INFO - Iter [156250/160000] lr: 4.466e-08, eta: 0:25:47, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1868, decode.acc_seg: 91.9017, aux.loss_ce: 0.1483, aux.acc_seg: 85.9469, loss: 0.3350, grad_norm: 3.3881 2023-11-14 10:53:19,234 - mmseg - INFO - Iter [156300/160000] lr: 4.406e-08, eta: 0:25:26, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1869, decode.acc_seg: 92.1228, aux.loss_ce: 0.1371, aux.acc_seg: 86.8233, loss: 0.3241, grad_norm: 3.2624 2023-11-14 10:53:39,111 - mmseg - INFO - Iter [156350/160000] lr: 4.347e-08, eta: 0:25:05, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1881, decode.acc_seg: 92.0280, aux.loss_ce: 0.1447, aux.acc_seg: 86.4158, loss: 0.3328, grad_norm: 3.2571 2023-11-14 10:53:58,982 - mmseg - INFO - Iter [156400/160000] lr: 4.287e-08, eta: 0:24:45, time: 0.397, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1790, decode.acc_seg: 92.4289, aux.loss_ce: 0.1387, aux.acc_seg: 86.3677, loss: 0.3177, grad_norm: 3.4713 2023-11-14 10:54:19,017 - mmseg - INFO - Iter [156450/160000] lr: 4.228e-08, eta: 0:24:24, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 92.2029, aux.loss_ce: 0.1384, aux.acc_seg: 87.0294, loss: 0.3255, grad_norm: 4.3606 2023-11-14 10:54:38,914 - mmseg - INFO - Iter [156500/160000] lr: 4.168e-08, eta: 0:24:03, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1925, decode.acc_seg: 91.8669, aux.loss_ce: 0.1463, aux.acc_seg: 85.8125, loss: 0.3388, grad_norm: 3.8322 2023-11-14 10:54:58,942 - mmseg - INFO - Iter [156550/160000] lr: 4.109e-08, eta: 0:23:43, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1866, decode.acc_seg: 91.9973, aux.loss_ce: 0.1413, aux.acc_seg: 86.5061, loss: 0.3279, grad_norm: 3.5453 2023-11-14 10:55:19,101 - mmseg - INFO - Iter [156600/160000] lr: 4.049e-08, eta: 0:23:22, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1883, decode.acc_seg: 92.3142, aux.loss_ce: 0.1481, aux.acc_seg: 85.9683, loss: 0.3364, grad_norm: 3.0420 2023-11-14 10:55:41,621 - mmseg - INFO - Iter [156650/160000] lr: 3.990e-08, eta: 0:23:02, time: 0.450, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1738, decode.acc_seg: 92.6573, aux.loss_ce: 0.1336, aux.acc_seg: 87.3497, loss: 0.3074, grad_norm: 3.4253 2023-11-14 10:56:01,935 - mmseg - INFO - Iter [156700/160000] lr: 3.930e-08, eta: 0:22:41, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 91.9274, aux.loss_ce: 0.1379, aux.acc_seg: 86.5246, loss: 0.3240, grad_norm: 3.2125 2023-11-14 10:56:21,938 - mmseg - INFO - Iter [156750/160000] lr: 3.871e-08, eta: 0:22:20, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1902, decode.acc_seg: 92.1079, aux.loss_ce: 0.1486, aux.acc_seg: 85.7594, loss: 0.3389, grad_norm: 3.3157 2023-11-14 10:56:41,858 - mmseg - INFO - Iter [156800/160000] lr: 3.811e-08, eta: 0:22:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1868, decode.acc_seg: 91.9477, aux.loss_ce: 0.1392, aux.acc_seg: 86.1846, loss: 0.3260, grad_norm: 3.1855 2023-11-14 10:57:01,918 - mmseg - INFO - Iter [156850/160000] lr: 3.752e-08, eta: 0:21:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 91.9719, aux.loss_ce: 0.1387, aux.acc_seg: 86.6277, loss: 0.3258, grad_norm: 3.1956 2023-11-14 10:57:21,991 - mmseg - INFO - Iter [156900/160000] lr: 3.692e-08, eta: 0:21:18, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1838, decode.acc_seg: 92.3880, aux.loss_ce: 0.1425, aux.acc_seg: 86.9628, loss: 0.3262, grad_norm: 3.3308 2023-11-14 10:57:41,897 - mmseg - INFO - Iter [156950/160000] lr: 3.633e-08, eta: 0:20:58, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1803, decode.acc_seg: 92.2792, aux.loss_ce: 0.1389, aux.acc_seg: 86.7090, loss: 0.3192, grad_norm: 2.9961 2023-11-14 10:58:01,889 - mmseg - INFO - Saving checkpoint at 157000 iterations 2023-11-14 10:58:10,065 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 10:58:10,065 - mmseg - INFO - Iter [157000/160000] lr: 3.573e-08, eta: 0:20:37, time: 0.563, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1846, decode.acc_seg: 92.2963, aux.loss_ce: 0.1394, aux.acc_seg: 86.7166, loss: 0.3240, grad_norm: 4.0014 2023-11-14 10:58:30,221 - mmseg - INFO - Iter [157050/160000] lr: 3.513e-08, eta: 0:20:17, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1804, decode.acc_seg: 92.3943, aux.loss_ce: 0.1424, aux.acc_seg: 86.4936, loss: 0.3229, grad_norm: 2.8651 2023-11-14 10:58:51,273 - mmseg - INFO - Iter [157100/160000] lr: 3.454e-08, eta: 0:19:56, time: 0.421, data_time: 0.020, memory: 16105, decode.loss_ce: 0.1812, decode.acc_seg: 92.2942, aux.loss_ce: 0.1377, aux.acc_seg: 86.7762, loss: 0.3189, grad_norm: 3.1417 2023-11-14 10:59:11,329 - mmseg - INFO - Iter [157150/160000] lr: 3.394e-08, eta: 0:19:35, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1854, decode.acc_seg: 92.2422, aux.loss_ce: 0.1424, aux.acc_seg: 86.2556, loss: 0.3278, grad_norm: 3.4214 2023-11-14 10:59:31,557 - mmseg - INFO - Iter [157200/160000] lr: 3.335e-08, eta: 0:19:15, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1743, decode.acc_seg: 92.3617, aux.loss_ce: 0.1382, aux.acc_seg: 86.0865, loss: 0.3125, grad_norm: 3.4448 2023-11-14 10:59:51,621 - mmseg - INFO - Iter [157250/160000] lr: 3.275e-08, eta: 0:18:54, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1878, decode.acc_seg: 91.8729, aux.loss_ce: 0.1398, aux.acc_seg: 86.6174, loss: 0.3276, grad_norm: 4.1582 2023-11-14 11:00:11,791 - mmseg - INFO - Iter [157300/160000] lr: 3.216e-08, eta: 0:18:33, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1788, decode.acc_seg: 92.5430, aux.loss_ce: 0.1416, aux.acc_seg: 86.6392, loss: 0.3205, grad_norm: 3.0318 2023-11-14 11:00:31,887 - mmseg - INFO - Iter [157350/160000] lr: 3.156e-08, eta: 0:18:13, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1891, decode.acc_seg: 92.0640, aux.loss_ce: 0.1463, aux.acc_seg: 86.0909, loss: 0.3353, grad_norm: 3.6050 2023-11-14 11:00:51,942 - mmseg - INFO - Iter [157400/160000] lr: 3.097e-08, eta: 0:17:52, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1923, decode.acc_seg: 92.0344, aux.loss_ce: 0.1444, aux.acc_seg: 86.4470, loss: 0.3367, grad_norm: 3.2861 2023-11-14 11:01:11,976 - mmseg - INFO - Iter [157450/160000] lr: 3.037e-08, eta: 0:17:32, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.2021, aux.loss_ce: 0.1455, aux.acc_seg: 86.2924, loss: 0.3283, grad_norm: 3.4241 2023-11-14 11:01:32,120 - mmseg - INFO - Iter [157500/160000] lr: 2.978e-08, eta: 0:17:11, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.2001, decode.acc_seg: 91.5403, aux.loss_ce: 0.1552, aux.acc_seg: 85.0148, loss: 0.3553, grad_norm: 4.1282 2023-11-14 11:01:52,820 - mmseg - INFO - Iter [157550/160000] lr: 2.918e-08, eta: 0:16:50, time: 0.415, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1861, decode.acc_seg: 92.0687, aux.loss_ce: 0.1382, aux.acc_seg: 86.6770, loss: 0.3244, grad_norm: 3.4721 2023-11-14 11:02:13,348 - mmseg - INFO - Iter [157600/160000] lr: 2.859e-08, eta: 0:16:30, time: 0.411, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1880, decode.acc_seg: 92.2766, aux.loss_ce: 0.1461, aux.acc_seg: 86.5078, loss: 0.3341, grad_norm: 3.9129 2023-11-14 11:02:33,483 - mmseg - INFO - Iter [157650/160000] lr: 2.799e-08, eta: 0:16:09, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1841, decode.acc_seg: 92.1819, aux.loss_ce: 0.1475, aux.acc_seg: 86.0479, loss: 0.3316, grad_norm: 3.2692 2023-11-14 11:02:53,582 - mmseg - INFO - Iter [157700/160000] lr: 2.740e-08, eta: 0:15:48, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1843, decode.acc_seg: 92.1097, aux.loss_ce: 0.1378, aux.acc_seg: 86.5136, loss: 0.3221, grad_norm: 3.3445 2023-11-14 11:03:13,625 - mmseg - INFO - Iter [157750/160000] lr: 2.680e-08, eta: 0:15:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1798, decode.acc_seg: 92.2852, aux.loss_ce: 0.1395, aux.acc_seg: 86.2345, loss: 0.3193, grad_norm: 3.2009 2023-11-14 11:03:33,518 - mmseg - INFO - Iter [157800/160000] lr: 2.621e-08, eta: 0:15:07, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1831, decode.acc_seg: 92.3875, aux.loss_ce: 0.1398, aux.acc_seg: 86.9152, loss: 0.3229, grad_norm: 3.1725 2023-11-14 11:03:53,712 - mmseg - INFO - Iter [157850/160000] lr: 2.561e-08, eta: 0:14:46, time: 0.404, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1815, decode.acc_seg: 92.4959, aux.loss_ce: 0.1366, aux.acc_seg: 86.7890, loss: 0.3181, grad_norm: 3.4405 2023-11-14 11:04:16,139 - mmseg - INFO - Iter [157900/160000] lr: 2.501e-08, eta: 0:14:26, time: 0.449, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1902, decode.acc_seg: 91.9323, aux.loss_ce: 0.1449, aux.acc_seg: 86.3067, loss: 0.3351, grad_norm: 3.5795 2023-11-14 11:04:36,589 - mmseg - INFO - Iter [157950/160000] lr: 2.442e-08, eta: 0:14:05, time: 0.409, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1785, decode.acc_seg: 92.4422, aux.loss_ce: 0.1442, aux.acc_seg: 86.4058, loss: 0.3227, grad_norm: 3.0005 2023-11-14 11:04:56,842 - mmseg - INFO - Saving checkpoint at 158000 iterations 2023-11-14 11:05:04,820 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 11:05:04,821 - mmseg - INFO - Iter [158000/160000] lr: 2.382e-08, eta: 0:13:45, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1821, decode.acc_seg: 92.1940, aux.loss_ce: 0.1464, aux.acc_seg: 85.8984, loss: 0.3285, grad_norm: 3.8228 2023-11-14 11:05:25,095 - mmseg - INFO - Iter [158050/160000] lr: 2.323e-08, eta: 0:13:24, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1877, decode.acc_seg: 91.9744, aux.loss_ce: 0.1430, aux.acc_seg: 85.9081, loss: 0.3307, grad_norm: 3.6315 2023-11-14 11:05:45,162 - mmseg - INFO - Iter [158100/160000] lr: 2.263e-08, eta: 0:13:03, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1919, decode.acc_seg: 92.1023, aux.loss_ce: 0.1537, aux.acc_seg: 85.7275, loss: 0.3456, grad_norm: 4.1588 2023-11-14 11:06:05,144 - mmseg - INFO - Iter [158150/160000] lr: 2.204e-08, eta: 0:12:43, time: 0.400, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1962, decode.acc_seg: 91.7829, aux.loss_ce: 0.1501, aux.acc_seg: 85.9254, loss: 0.3463, grad_norm: 4.2025 2023-11-14 11:06:25,095 - mmseg - INFO - Iter [158200/160000] lr: 2.144e-08, eta: 0:12:22, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1805, decode.acc_seg: 92.4830, aux.loss_ce: 0.1349, aux.acc_seg: 87.2463, loss: 0.3154, grad_norm: 2.7933 2023-11-14 11:06:47,698 - mmseg - INFO - Iter [158250/160000] lr: 2.085e-08, eta: 0:12:02, time: 0.452, data_time: 0.056, memory: 16105, decode.loss_ce: 0.1843, decode.acc_seg: 92.1416, aux.loss_ce: 0.1494, aux.acc_seg: 85.7068, loss: 0.3337, grad_norm: 3.5158 2023-11-14 11:07:07,634 - mmseg - INFO - Iter [158300/160000] lr: 2.025e-08, eta: 0:11:41, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1815, decode.acc_seg: 92.3435, aux.loss_ce: 0.1397, aux.acc_seg: 86.9197, loss: 0.3212, grad_norm: 3.5267 2023-11-14 11:07:27,792 - mmseg - INFO - Iter [158350/160000] lr: 1.966e-08, eta: 0:11:20, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1829, decode.acc_seg: 92.3356, aux.loss_ce: 0.1324, aux.acc_seg: 87.4712, loss: 0.3153, grad_norm: 3.3499 2023-11-14 11:07:47,708 - mmseg - INFO - Iter [158400/160000] lr: 1.906e-08, eta: 0:11:00, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 91.9888, aux.loss_ce: 0.1410, aux.acc_seg: 86.5756, loss: 0.3306, grad_norm: 3.4376 2023-11-14 11:08:07,726 - mmseg - INFO - Iter [158450/160000] lr: 1.847e-08, eta: 0:10:39, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 92.1711, aux.loss_ce: 0.1446, aux.acc_seg: 86.5814, loss: 0.3316, grad_norm: 3.5857 2023-11-14 11:08:28,066 - mmseg - INFO - Iter [158500/160000] lr: 1.787e-08, eta: 0:10:18, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1951, decode.acc_seg: 91.7833, aux.loss_ce: 0.1461, aux.acc_seg: 86.1116, loss: 0.3411, grad_norm: 3.6634 2023-11-14 11:08:48,163 - mmseg - INFO - Iter [158550/160000] lr: 1.728e-08, eta: 0:09:58, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1916, decode.acc_seg: 91.8853, aux.loss_ce: 0.1509, aux.acc_seg: 85.4181, loss: 0.3426, grad_norm: 3.3813 2023-11-14 11:09:08,225 - mmseg - INFO - Iter [158600/160000] lr: 1.668e-08, eta: 0:09:37, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1793, decode.acc_seg: 92.1996, aux.loss_ce: 0.1369, aux.acc_seg: 86.4188, loss: 0.3163, grad_norm: 2.7945 2023-11-14 11:09:28,159 - mmseg - INFO - Iter [158650/160000] lr: 1.609e-08, eta: 0:09:16, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1836, decode.acc_seg: 92.3182, aux.loss_ce: 0.1409, aux.acc_seg: 86.7111, loss: 0.3245, grad_norm: 3.4398 2023-11-14 11:09:48,103 - mmseg - INFO - Iter [158700/160000] lr: 1.549e-08, eta: 0:08:56, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1862, decode.acc_seg: 91.8404, aux.loss_ce: 0.1437, aux.acc_seg: 85.7766, loss: 0.3298, grad_norm: 3.2959 2023-11-14 11:10:08,282 - mmseg - INFO - Iter [158750/160000] lr: 1.489e-08, eta: 0:08:35, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1871, decode.acc_seg: 91.9227, aux.loss_ce: 0.1414, aux.acc_seg: 86.3512, loss: 0.3285, grad_norm: 3.2104 2023-11-14 11:10:28,205 - mmseg - INFO - Iter [158800/160000] lr: 1.430e-08, eta: 0:08:15, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1854, decode.acc_seg: 92.1650, aux.loss_ce: 0.1471, aux.acc_seg: 85.8248, loss: 0.3325, grad_norm: 3.4984 2023-11-14 11:10:48,382 - mmseg - INFO - Iter [158850/160000] lr: 1.370e-08, eta: 0:07:54, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1896, decode.acc_seg: 92.0761, aux.loss_ce: 0.1453, aux.acc_seg: 86.3986, loss: 0.3348, grad_norm: 3.3757 2023-11-14 11:11:08,507 - mmseg - INFO - Iter [158900/160000] lr: 1.311e-08, eta: 0:07:33, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.2066, decode.acc_seg: 91.4982, aux.loss_ce: 0.1513, aux.acc_seg: 85.7410, loss: 0.3579, grad_norm: 3.9190 2023-11-14 11:11:28,738 - mmseg - INFO - Iter [158950/160000] lr: 1.251e-08, eta: 0:07:13, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1863, decode.acc_seg: 91.8641, aux.loss_ce: 0.1379, aux.acc_seg: 86.2347, loss: 0.3242, grad_norm: 3.3033 2023-11-14 11:11:49,033 - mmseg - INFO - Saving checkpoint at 159000 iterations 2023-11-14 11:11:57,005 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 11:11:57,005 - mmseg - INFO - Iter [159000/160000] lr: 1.192e-08, eta: 0:06:52, time: 0.565, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1888, decode.acc_seg: 91.9596, aux.loss_ce: 0.1481, aux.acc_seg: 86.1986, loss: 0.3369, grad_norm: 3.4456 2023-11-14 11:12:17,086 - mmseg - INFO - Iter [159050/160000] lr: 1.132e-08, eta: 0:06:31, time: 0.402, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1787, decode.acc_seg: 92.5809, aux.loss_ce: 0.1336, aux.acc_seg: 86.8720, loss: 0.3123, grad_norm: 2.6033 2023-11-14 11:12:37,136 - mmseg - INFO - Iter [159100/160000] lr: 1.073e-08, eta: 0:06:11, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1857, decode.acc_seg: 92.2657, aux.loss_ce: 0.1468, aux.acc_seg: 86.3653, loss: 0.3326, grad_norm: 3.6165 2023-11-14 11:12:59,426 - mmseg - INFO - Iter [159150/160000] lr: 1.013e-08, eta: 0:05:50, time: 0.446, data_time: 0.051, memory: 16105, decode.loss_ce: 0.1930, decode.acc_seg: 91.8523, aux.loss_ce: 0.1463, aux.acc_seg: 86.2763, loss: 0.3393, grad_norm: 3.6656 2023-11-14 11:13:19,504 - mmseg - INFO - Iter [159200/160000] lr: 9.537e-09, eta: 0:05:30, time: 0.401, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1837, decode.acc_seg: 92.1766, aux.loss_ce: 0.1406, aux.acc_seg: 86.7589, loss: 0.3242, grad_norm: 3.5972 2023-11-14 11:13:39,468 - mmseg - INFO - Iter [159250/160000] lr: 8.941e-09, eta: 0:05:09, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1821, decode.acc_seg: 92.3914, aux.loss_ce: 0.1407, aux.acc_seg: 86.8079, loss: 0.3228, grad_norm: 2.9467 2023-11-14 11:13:59,540 - mmseg - INFO - Iter [159300/160000] lr: 8.346e-09, eta: 0:04:48, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1822, decode.acc_seg: 92.2283, aux.loss_ce: 0.1401, aux.acc_seg: 86.3026, loss: 0.3222, grad_norm: 3.4309 2023-11-14 11:14:19,574 - mmseg - INFO - Iter [159350/160000] lr: 7.751e-09, eta: 0:04:28, time: 0.401, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1847, decode.acc_seg: 92.2492, aux.loss_ce: 0.1436, aux.acc_seg: 86.5362, loss: 0.3283, grad_norm: 3.0823 2023-11-14 11:14:39,864 - mmseg - INFO - Iter [159400/160000] lr: 7.156e-09, eta: 0:04:07, time: 0.406, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1866, decode.acc_seg: 92.1358, aux.loss_ce: 0.1440, aux.acc_seg: 85.7802, loss: 0.3306, grad_norm: 3.7187 2023-11-14 11:15:00,235 - mmseg - INFO - Iter [159450/160000] lr: 6.560e-09, eta: 0:03:46, time: 0.408, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1964, decode.acc_seg: 91.8586, aux.loss_ce: 0.1485, aux.acc_seg: 85.9478, loss: 0.3449, grad_norm: 3.6991 2023-11-14 11:15:20,159 - mmseg - INFO - Iter [159500/160000] lr: 5.965e-09, eta: 0:03:26, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1714, decode.acc_seg: 92.5936, aux.loss_ce: 0.1304, aux.acc_seg: 87.3452, loss: 0.3018, grad_norm: 2.7374 2023-11-14 11:15:40,345 - mmseg - INFO - Iter [159550/160000] lr: 5.370e-09, eta: 0:03:05, time: 0.404, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1899, decode.acc_seg: 92.1640, aux.loss_ce: 0.1475, aux.acc_seg: 85.9715, loss: 0.3373, grad_norm: 3.4721 2023-11-14 11:16:00,278 - mmseg - INFO - Iter [159600/160000] lr: 4.774e-09, eta: 0:02:45, time: 0.399, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1899, decode.acc_seg: 91.9246, aux.loss_ce: 0.1475, aux.acc_seg: 85.7430, loss: 0.3375, grad_norm: 4.0350 2023-11-14 11:16:20,520 - mmseg - INFO - Iter [159650/160000] lr: 4.179e-09, eta: 0:02:24, time: 0.405, data_time: 0.007, memory: 16105, decode.loss_ce: 0.1755, decode.acc_seg: 92.3872, aux.loss_ce: 0.1334, aux.acc_seg: 86.9089, loss: 0.3089, grad_norm: 3.2735 2023-11-14 11:16:40,851 - mmseg - INFO - Iter [159700/160000] lr: 3.584e-09, eta: 0:02:03, time: 0.407, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1900, decode.acc_seg: 91.8637, aux.loss_ce: 0.1396, aux.acc_seg: 86.5355, loss: 0.3296, grad_norm: 3.2384 2023-11-14 11:17:00,864 - mmseg - INFO - Iter [159750/160000] lr: 2.988e-09, eta: 0:01:43, time: 0.400, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1784, decode.acc_seg: 92.4972, aux.loss_ce: 0.1318, aux.acc_seg: 87.0987, loss: 0.3102, grad_norm: 3.0188 2023-11-14 11:17:20,986 - mmseg - INFO - Iter [159800/160000] lr: 2.393e-09, eta: 0:01:22, time: 0.402, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1857, decode.acc_seg: 92.1938, aux.loss_ce: 0.1431, aux.acc_seg: 86.4120, loss: 0.3289, grad_norm: 3.0838 2023-11-14 11:17:41,129 - mmseg - INFO - Iter [159850/160000] lr: 1.798e-09, eta: 0:01:01, time: 0.403, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1809, decode.acc_seg: 92.2460, aux.loss_ce: 0.1391, aux.acc_seg: 86.5067, loss: 0.3200, grad_norm: 3.3997 2023-11-14 11:18:01,359 - mmseg - INFO - Iter [159900/160000] lr: 1.203e-09, eta: 0:00:41, time: 0.405, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1891, decode.acc_seg: 92.1481, aux.loss_ce: 0.1495, aux.acc_seg: 86.0016, loss: 0.3386, grad_norm: 4.0698 2023-11-14 11:18:21,278 - mmseg - INFO - Iter [159950/160000] lr: 6.072e-10, eta: 0:00:20, time: 0.398, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1904, decode.acc_seg: 92.0101, aux.loss_ce: 0.1449, aux.acc_seg: 86.1216, loss: 0.3353, grad_norm: 3.1967 2023-11-14 11:18:41,170 - mmseg - INFO - Saving checkpoint at 160000 iterations 2023-11-14 11:18:48,895 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 11:18:48,895 - mmseg - INFO - Iter [160000/160000] lr: 1.191e-11, eta: 0:00:00, time: 0.552, data_time: 0.006, memory: 16105, decode.loss_ce: 0.1887, decode.acc_seg: 92.3007, aux.loss_ce: 0.1429, aux.acc_seg: 86.6402, loss: 0.3316, grad_norm: 3.5472 2023-11-14 11:19:05,297 - mmseg - INFO - per class results: 2023-11-14 11:19:05,303 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 80.92 | 89.03 | | building | 84.12 | 92.84 | | sky | 94.8 | 97.72 | | floor | 84.14 | 91.07 | | tree | 75.93 | 87.99 | | ceiling | 86.14 | 92.73 | | road | 85.42 | 91.71 | | bed | 92.26 | 97.42 | | windowpane | 65.1 | 81.52 | | grass | 67.23 | 81.1 | | cabinet | 64.29 | 76.18 | | sidewalk | 68.49 | 82.59 | | person | 84.45 | 93.66 | | earth | 37.81 | 51.61 | | door | 58.59 | 74.23 | | table | 67.28 | 81.09 | | mountain | 63.78 | 77.18 | | plant | 54.53 | 66.12 | | curtain | 78.2 | 88.7 | | chair | 63.7 | 76.3 | | car | 87.07 | 93.88 | | water | 61.38 | 74.37 | | painting | 75.31 | 90.61 | | sofa | 74.98 | 86.57 | | shelf | 50.2 | 66.47 | | house | 55.61 | 77.37 | | sea | 71.2 | 87.26 | | mirror | 73.77 | 81.98 | | rug | 66.66 | 80.49 | | field | 32.13 | 52.16 | | armchair | 51.11 | 70.0 | | seat | 64.21 | 85.35 | | fence | 51.3 | 72.18 | | desk | 53.9 | 72.17 | | rock | 56.31 | 80.69 | | wardrobe | 49.67 | 69.35 | | lamp | 70.44 | 81.4 | | bathtub | 83.03 | 85.85 | | railing | 37.69 | 54.11 | | cushion | 68.27 | 79.9 | | base | 35.41 | 45.3 | | box | 36.22 | 47.58 | | column | 52.59 | 67.68 | | signboard | 39.89 | 52.3 | | chest of drawers | 38.27 | 60.89 | | counter | 44.43 | 55.09 | | sand | 57.07 | 76.7 | | sink | 79.83 | 86.82 | | skyscraper | 52.69 | 61.58 | | fireplace | 74.08 | 90.76 | | refrigerator | 79.18 | 86.36 | | grandstand | 45.2 | 80.27 | | path | 23.2 | 35.59 | | stairs | 27.59 | 36.21 | | runway | 67.19 | 89.09 | | case | 61.32 | 77.12 | | pool table | 93.95 | 97.77 | | pillow | 63.82 | 74.17 | | screen door | 79.72 | 83.07 | | stairway | 36.26 | 48.53 | | river | 13.15 | 29.76 | | bridge | 50.32 | 54.99 | | bookcase | 44.61 | 66.93 | | blind | 44.72 | 52.12 | | coffee table | 63.14 | 84.91 | | toilet | 89.29 | 94.16 | | flower | 44.86 | 58.35 | | book | 51.1 | 78.1 | | hill | 9.41 | 15.16 | | bench | 64.11 | 74.58 | | countertop | 60.48 | 78.6 | | stove | 81.77 | 87.06 | | palm | 54.4 | 78.66 | | kitchen island | 46.48 | 82.65 | | computer | 75.76 | 90.33 | | swivel chair | 57.1 | 80.74 | | boat | 73.83 | 86.93 | | bar | 51.99 | 63.35 | | arcade machine | 70.48 | 74.48 | | hovel | 65.08 | 70.8 | | bus | 90.74 | 97.68 | | towel | 74.43 | 87.3 | | light | 60.29 | 69.09 | | truck | 46.94 | 57.09 | | tower | 30.68 | 50.18 | | chandelier | 73.26 | 88.37 | | awning | 41.29 | 48.81 | | streetlight | 35.7 | 46.64 | | booth | 37.69 | 47.88 | | television receiver | 80.35 | 86.88 | | airplane | 69.51 | 74.75 | | dirt track | 16.73 | 31.49 | | apparel | 52.54 | 68.58 | | pole | 31.09 | 41.17 | | land | 5.23 | 8.35 | | bannister | 18.65 | 23.65 | | escalator | 53.59 | 79.61 | | ottoman | 55.39 | 74.22 | | bottle | 42.49 | 67.17 | | buffet | 45.12 | 51.29 | | poster | 32.04 | 43.95 | | stage | 21.68 | 34.93 | | van | 41.21 | 61.03 | | ship | 62.76 | 72.45 | | fountain | 34.27 | 34.92 | | conveyer belt | 81.93 | 91.55 | | canopy | 40.74 | 58.63 | | washer | 79.74 | 82.27 | | plaything | 39.51 | 53.83 | | swimming pool | 62.21 | 66.39 | | stool | 49.23 | 63.81 | | barrel | 83.04 | 93.86 | | basket | 41.38 | 55.91 | | waterfall | 54.5 | 61.97 | | tent | 96.01 | 98.42 | | bag | 23.72 | 29.11 | | minibike | 74.16 | 89.26 | | cradle | 84.5 | 98.3 | | oven | 48.62 | 71.27 | | ball | 38.43 | 40.6 | | food | 57.47 | 67.76 | | step | 13.12 | 16.59 | | tank | 63.11 | 66.18 | | trade name | 28.31 | 33.06 | | microwave | 80.66 | 88.71 | | pot | 51.49 | 60.37 | | animal | 58.1 | 59.94 | | bicycle | 61.56 | 81.61 | | lake | 51.05 | 63.83 | | dishwasher | 76.13 | 83.36 | | screen | 57.78 | 87.82 | | blanket | 27.11 | 32.79 | | sculpture | 77.28 | 88.08 | | hood | 62.5 | 73.14 | | sconce | 54.18 | 65.1 | | vase | 47.24 | 63.56 | | traffic light | 40.96 | 62.82 | | tray | 9.66 | 13.88 | | ashcan | 46.32 | 65.23 | | fan | 66.82 | 81.58 | | pier | 33.48 | 45.41 | | crt screen | 7.06 | 18.13 | | plate | 59.0 | 79.24 | | monitor | 3.92 | 4.25 | | bulletin board | 56.5 | 74.45 | | shower | 3.3 | 4.33 | | radiator | 66.43 | 76.53 | | glass | 18.74 | 19.88 | | clock | 47.49 | 54.63 | | flag | 64.72 | 72.73 | +---------------------+-------+-------+ 2023-11-14 11:19:05,303 - mmseg - INFO - Summary: 2023-11-14 11:19:05,303 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 85.3 | 55.56 | 67.84 | +------+-------+-------+ 2023-11-14 11:19:05,340 - mmseg - INFO - The previous best checkpoint /mnt/petrelfs/lizhiqi/DINO/segmentation/work_dirs/upernet_flash_internimage_l_640_160k_ade20k/best_mIoU_iter_144000.pth was removed 2023-11-14 11:19:14,852 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_160000.pth. 2023-11-14 11:19:14,852 - mmseg - INFO - Best mIoU is 0.5556 at 160000 iter. 2023-11-14 11:19:14,853 - mmseg - INFO - Exp name: upernet_flash_internimage_l_640_160k_ade20k.py 2023-11-14 11:19:14,854 - mmseg - INFO - Iter(val) [250] aAcc: 0.8530, mIoU: 0.5556, mAcc: 0.6784, IoU.wall: 0.8092, IoU.building: 0.8412, IoU.sky: 0.9480, IoU.floor: 0.8414, IoU.tree: 0.7593, IoU.ceiling: 0.8614, IoU.road: 0.8542, IoU.bed : 0.9226, IoU.windowpane: 0.6510, IoU.grass: 0.6723, IoU.cabinet: 0.6429, IoU.sidewalk: 0.6849, IoU.person: 0.8445, IoU.earth: 0.3781, IoU.door: 0.5859, IoU.table: 0.6728, IoU.mountain: 0.6378, IoU.plant: 0.5453, IoU.curtain: 0.7820, IoU.chair: 0.6370, IoU.car: 0.8707, IoU.water: 0.6138, IoU.painting: 0.7531, IoU.sofa: 0.7498, IoU.shelf: 0.5020, IoU.house: 0.5561, IoU.sea: 0.7120, IoU.mirror: 0.7377, IoU.rug: 0.6666, IoU.field: 0.3213, IoU.armchair: 0.5111, IoU.seat: 0.6421, IoU.fence: 0.5130, IoU.desk: 0.5390, IoU.rock: 0.5631, IoU.wardrobe: 0.4967, IoU.lamp: 0.7044, IoU.bathtub: 0.8303, IoU.railing: 0.3769, IoU.cushion: 0.6827, IoU.base: 0.3541, IoU.box: 0.3622, IoU.column: 0.5259, IoU.signboard: 0.3989, IoU.chest of drawers: 0.3827, IoU.counter: 0.4443, IoU.sand: 0.5707, IoU.sink: 0.7983, IoU.skyscraper: 0.5269, IoU.fireplace: 0.7408, IoU.refrigerator: 0.7918, IoU.grandstand: 0.4520, IoU.path: 0.2320, IoU.stairs: 0.2759, IoU.runway: 0.6719, IoU.case: 0.6132, IoU.pool table: 0.9395, IoU.pillow: 0.6382, IoU.screen door: 0.7972, IoU.stairway: 0.3626, IoU.river: 0.1315, IoU.bridge: 0.5032, IoU.bookcase: 0.4461, IoU.blind: 0.4472, IoU.coffee table: 0.6314, IoU.toilet: 0.8929, IoU.flower: 0.4486, IoU.book: 0.5110, IoU.hill: 0.0941, IoU.bench: 0.6411, IoU.countertop: 0.6048, IoU.stove: 0.8177, IoU.palm: 0.5440, IoU.kitchen island: 0.4648, IoU.computer: 0.7576, IoU.swivel chair: 0.5710, IoU.boat: 0.7383, IoU.bar: 0.5199, IoU.arcade machine: 0.7048, IoU.hovel: 0.6508, IoU.bus: 0.9074, IoU.towel: 0.7443, IoU.light: 0.6029, IoU.truck: 0.4694, IoU.tower: 0.3068, IoU.chandelier: 0.7326, IoU.awning: 0.4129, IoU.streetlight: 0.3570, IoU.booth: 0.3769, IoU.television receiver: 0.8035, IoU.airplane: 0.6951, IoU.dirt track: 0.1673, IoU.apparel: 0.5254, IoU.pole: 0.3109, IoU.land: 0.0523, IoU.bannister: 0.1865, IoU.escalator: 0.5359, IoU.ottoman: 0.5539, IoU.bottle: 0.4249, IoU.buffet: 0.4512, IoU.poster: 0.3204, IoU.stage: 0.2168, IoU.van: 0.4121, IoU.ship: 0.6276, IoU.fountain: 0.3427, IoU.conveyer belt: 0.8193, IoU.canopy: 0.4074, IoU.washer: 0.7974, IoU.plaything: 0.3951, IoU.swimming pool: 0.6221, IoU.stool: 0.4923, IoU.barrel: 0.8304, IoU.basket: 0.4138, IoU.waterfall: 0.5450, IoU.tent: 0.9601, IoU.bag: 0.2372, IoU.minibike: 0.7416, IoU.cradle: 0.8450, IoU.oven: 0.4862, IoU.ball: 0.3843, IoU.food: 0.5747, IoU.step: 0.1312, IoU.tank: 0.6311, IoU.trade name: 0.2831, IoU.microwave: 0.8066, IoU.pot: 0.5149, IoU.animal: 0.5810, IoU.bicycle: 0.6156, IoU.lake: 0.5105, IoU.dishwasher: 0.7613, IoU.screen: 0.5778, IoU.blanket: 0.2711, IoU.sculpture: 0.7728, IoU.hood: 0.6250, IoU.sconce: 0.5418, IoU.vase: 0.4724, IoU.traffic light: 0.4096, IoU.tray: 0.0966, IoU.ashcan: 0.4632, IoU.fan: 0.6682, IoU.pier: 0.3348, IoU.crt screen: 0.0706, IoU.plate: 0.5900, IoU.monitor: 0.0392, IoU.bulletin board: 0.5650, IoU.shower: 0.0330, IoU.radiator: 0.6643, IoU.glass: 0.1874, IoU.clock: 0.4749, IoU.flag: 0.6472, Acc.wall: 0.8903, Acc.building: 0.9284, Acc.sky: 0.9772, Acc.floor: 0.9107, Acc.tree: 0.8799, Acc.ceiling: 0.9273, Acc.road: 0.9171, Acc.bed : 0.9742, Acc.windowpane: 0.8152, Acc.grass: 0.8110, Acc.cabinet: 0.7618, Acc.sidewalk: 0.8259, Acc.person: 0.9366, Acc.earth: 0.5161, Acc.door: 0.7423, Acc.table: 0.8109, Acc.mountain: 0.7718, Acc.plant: 0.6612, Acc.curtain: 0.8870, Acc.chair: 0.7630, Acc.car: 0.9388, Acc.water: 0.7437, Acc.painting: 0.9061, Acc.sofa: 0.8657, Acc.shelf: 0.6647, Acc.house: 0.7737, Acc.sea: 0.8726, Acc.mirror: 0.8198, Acc.rug: 0.8049, Acc.field: 0.5216, Acc.armchair: 0.7000, Acc.seat: 0.8535, Acc.fence: 0.7218, Acc.desk: 0.7217, Acc.rock: 0.8069, Acc.wardrobe: 0.6935, Acc.lamp: 0.8140, Acc.bathtub: 0.8585, Acc.railing: 0.5411, Acc.cushion: 0.7990, Acc.base: 0.4530, Acc.box: 0.4758, Acc.column: 0.6768, Acc.signboard: 0.5230, Acc.chest of drawers: 0.6089, Acc.counter: 0.5509, Acc.sand: 0.7670, Acc.sink: 0.8682, Acc.skyscraper: 0.6158, Acc.fireplace: 0.9076, Acc.refrigerator: 0.8636, Acc.grandstand: 0.8027, Acc.path: 0.3559, Acc.stairs: 0.3621, Acc.runway: 0.8909, Acc.case: 0.7712, Acc.pool table: 0.9777, Acc.pillow: 0.7417, Acc.screen door: 0.8307, Acc.stairway: 0.4853, Acc.river: 0.2976, Acc.bridge: 0.5499, Acc.bookcase: 0.6693, Acc.blind: 0.5212, Acc.coffee table: 0.8491, Acc.toilet: 0.9416, Acc.flower: 0.5835, Acc.book: 0.7810, Acc.hill: 0.1516, Acc.bench: 0.7458, Acc.countertop: 0.7860, Acc.stove: 0.8706, Acc.palm: 0.7866, Acc.kitchen island: 0.8265, Acc.computer: 0.9033, Acc.swivel chair: 0.8074, Acc.boat: 0.8693, Acc.bar: 0.6335, Acc.arcade machine: 0.7448, Acc.hovel: 0.7080, Acc.bus: 0.9768, Acc.towel: 0.8730, Acc.light: 0.6909, Acc.truck: 0.5709, Acc.tower: 0.5018, Acc.chandelier: 0.8837, Acc.awning: 0.4881, Acc.streetlight: 0.4664, Acc.booth: 0.4788, Acc.television receiver: 0.8688, Acc.airplane: 0.7475, Acc.dirt track: 0.3149, Acc.apparel: 0.6858, Acc.pole: 0.4117, Acc.land: 0.0835, Acc.bannister: 0.2365, Acc.escalator: 0.7961, Acc.ottoman: 0.7422, Acc.bottle: 0.6717, Acc.buffet: 0.5129, Acc.poster: 0.4395, Acc.stage: 0.3493, Acc.van: 0.6103, Acc.ship: 0.7245, Acc.fountain: 0.3492, Acc.conveyer belt: 0.9155, Acc.canopy: 0.5863, Acc.washer: 0.8227, Acc.plaything: 0.5383, Acc.swimming pool: 0.6639, Acc.stool: 0.6381, Acc.barrel: 0.9386, Acc.basket: 0.5591, Acc.waterfall: 0.6197, Acc.tent: 0.9842, Acc.bag: 0.2911, Acc.minibike: 0.8926, Acc.cradle: 0.9830, Acc.oven: 0.7127, Acc.ball: 0.4060, Acc.food: 0.6776, Acc.step: 0.1659, Acc.tank: 0.6618, Acc.trade name: 0.3306, Acc.microwave: 0.8871, Acc.pot: 0.6037, Acc.animal: 0.5994, Acc.bicycle: 0.8161, Acc.lake: 0.6383, Acc.dishwasher: 0.8336, Acc.screen: 0.8782, Acc.blanket: 0.3279, Acc.sculpture: 0.8808, Acc.hood: 0.7314, Acc.sconce: 0.6510, Acc.vase: 0.6356, Acc.traffic light: 0.6282, Acc.tray: 0.1388, Acc.ashcan: 0.6523, Acc.fan: 0.8158, Acc.pier: 0.4541, Acc.crt screen: 0.1813, Acc.plate: 0.7924, Acc.monitor: 0.0425, Acc.bulletin board: 0.7445, Acc.shower: 0.0433, Acc.radiator: 0.7653, Acc.glass: 0.1988, Acc.clock: 0.5463, Acc.flag: 0.7273