2023-02-19 04:02:06,360 - mmseg - INFO - Multi-processing start method is `None` 2023-02-19 04:02:06,360 - mmseg - INFO - OpenCV num_threads is `128 2023-02-19 04:02:06,360 - mmseg - INFO - OMP num threads is 1 2023-02-19 04:02:06,389 - mmseg - INFO - Environment info: ------------------------------------------------------------ sys.platform: linux Python: 3.9.15 (main, Nov 24 2022, 14:31:59) [GCC 11.2.0] CUDA available: True GPU 0,1,2,3: NVIDIA A100-SXM4-80GB CUDA_HOME: None GCC: gcc (GCC) 4.8.5 20150623 (Red Hat 4.8.5-44) PyTorch: 1.9.0+cu111 PyTorch compiling details: PyTorch built with: - GCC 7.3 - C++ Version: 201402 - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191122 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.1.2 (Git Hash 98be7e8afa711dc9b66c8ff3504129cb82013cdb) - OpenMP 201511 (a.k.a. OpenMP 4.5) - NNPACK is enabled - CPU capability usage: AVX2 - CUDA Runtime 11.1 - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86 - CuDNN 8.0.5 - Magma 2.5.2 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.1, CUDNN_VERSION=8.0.5, CXX_COMPILER=/opt/rh/devtoolset-7/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.9.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, TorchVision: 0.10.0+cu111 OpenCV: 4.7.0 MMCV: 1.4.2 MMCV Compiler: GCC 7.3 MMCV CUDA Compiler: 11.1 MMSegmentation: 0.29.0+ ------------------------------------------------------------ 2023-02-19 04:02:06,389 - mmseg - INFO - Distributed training: True 2023-02-19 04:02:06,785 - mmseg - INFO - Config: dataset_type = 'ADE20KDataset' data_root = 'data/ade/ADEChallengeData2016' img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) crop_size = (512, 512) train_pipeline = [ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_semantic_seg']) ] test_pipeline = [ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ] data = dict( samples_per_gpu=4, workers_per_gpu=4, train=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/training', ann_dir='annotations/training', pipeline=[ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations', reduce_zero_label=True), dict(type='Resize', img_scale=(2048, 512), ratio_range=(0.5, 2.0)), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.75), dict(type='RandomFlip', prob=0.5), dict(type='PhotoMetricDistortion'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='Pad', size=(512, 512), pad_val=0, seg_pad_val=255), dict(type='DefaultFormatBundle'), dict(type='Collect', keys=['img', 'gt_semantic_seg']) ]), val=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ]), test=dict( type='ADE20KDataset', data_root='data/ade/ADEChallengeData2016', img_dir='images/validation', ann_dir='annotations/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(2048, 512), flip=False, transforms=[ dict(type='Resize', keep_ratio=True), dict(type='RandomFlip'), dict( type='Normalize', mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True), dict(type='ImageToTensor', keys=['img']), dict(type='Collect', keys=['img']) ]) ])) log_config = dict( interval=50, hooks=[dict(type='TextLoggerHook', by_epoch=False)]) 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=6e-05, betas=(0.9, 0.999), weight_decay=0.01, paramwise_cfg=dict( custom_keys=dict( pos_block=dict(decay_mult=0.0), norm=dict(decay_mult=0.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') checkpoint_file = 'https://download.openmmlab.com/mmsegmentation/v0.5/pretrain/swin/swin_base_patch4_window12_384_20220317-55b0104a.pth' norm_cfg = dict(type='SyncBN', requires_grad=True) backbone_norm_cfg = dict(type='LN', requires_grad=True) model = dict( type='DiffSegV20', bit_scale=0.01, pretrained=None, backbone=dict( type='SwinTransformer', init_cfg=dict( type='Pretrained', checkpoint= 'https://download.openmmlab.com/mmsegmentation/v0.5/pretrain/swin/swin_base_patch4_window12_384_20220317-55b0104a.pth' ), pretrain_img_size=384, in_channels=3, embed_dims=128, patch_size=4, window_size=12, mlp_ratio=4, depths=[2, 2, 18, 2], num_heads=[4, 8, 16, 32], strides=(4, 2, 2, 2), out_indices=(0, 1, 2, 3), qkv_bias=True, qk_scale=None, patch_norm=True, drop_rate=0.0, attn_drop_rate=0.0, drop_path_rate=0.3, use_abs_pos_embed=False, act_cfg=dict(type='GELU'), norm_cfg=dict(type='LN', requires_grad=True)), neck=[ dict( type='FPN', in_channels=[128, 256, 512, 1024], out_channels=256, act_cfg=None, norm_cfg=dict(type='GN', num_groups=32), num_outs=4), dict( type='MultiStageMerging', in_channels=[256, 256, 256, 256], out_channels=256, kernel_size=1, norm_cfg=dict(type='GN', num_groups=32), act_cfg=None) ], auxiliary_head=dict( type='FCNHead', in_channels=256, in_index=0, 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)), decode_head=dict( type='DeformableHeadWithTime', in_channels=[256], channels=256, in_index=[0], dropout_ratio=0.0, num_classes=150, norm_cfg=dict(type='SyncBN', requires_grad=True), align_corners=False, num_feature_levels=1, encoder=dict( type='DetrTransformerEncoder', num_layers=6, transformerlayers=dict( type='BaseTransformerLayer', use_time_mlp=True, attn_cfgs=dict( type='MultiScaleDeformableAttention', embed_dims=256, num_levels=1, num_heads=8, dropout=0.0), ffn_cfgs=dict( type='FFN', embed_dims=256, feedforward_channels=1024, ffn_drop=0.0, act_cfg=dict(type='GELU')), operation_order=('self_attn', 'norm', 'ffn', 'norm'))), positional_encoding=dict( type='SinePositionalEncoding', num_feats=128, normalize=True, offset=-0.5), loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)), train_cfg=dict(), test_cfg=dict(mode='whole')) work_dir = './work_dirs/diffseg_swin_b_4x4_512x512_160k_ade20k_v20' gpu_ids = range(0, 4) auto_resume = False 2023-02-19 04:02:11,342 - mmseg - INFO - Set random seed to 906543336, deterministic: True 2023-02-19 04:02:12,090 - mmseg - INFO - load checkpoint from http path: https://download.openmmlab.com/mmsegmentation/v0.5/pretrain/swin/swin_base_patch4_window12_384_20220317-55b0104a.pth 2023-02-19 04:03:13,293 - mmseg - WARNING - The model and loaded state dict do not match exactly unexpected key in source state_dict: norm.weight, norm.bias, stages.0.blocks.1.attn_mask, stages.1.blocks.1.attn_mask, stages.2.blocks.1.attn_mask, stages.2.blocks.3.attn_mask, stages.2.blocks.5.attn_mask, stages.2.blocks.7.attn_mask, stages.2.blocks.9.attn_mask, stages.2.blocks.11.attn_mask, stages.2.blocks.13.attn_mask, stages.2.blocks.15.attn_mask, stages.2.blocks.17.attn_mask missing keys in source state_dict: norm0.weight, norm0.bias, norm1.weight, norm1.bias, norm2.weight, norm2.bias, norm3.weight, norm3.bias 2023-02-19 04:03:13,335 - mmseg - INFO - initialize FPN with init_cfg {'type': 'Xavier', 'layer': 'Conv2d', 'distribution': 'uniform'} 2023-02-19 04:03:13,354 - mmseg - INFO - initialize MultiStageMerging with init_cfg {'type': 'Xavier', 'layer': 'Conv2d', 'distribution': 'uniform'} 2023-02-19 04:03:13,412 - mmseg - INFO - initialize FCNHead with init_cfg {'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} Name of parameter - Initialization information backbone.patch_embed.projection.weight - torch.Size([128, 3, 4, 4]): Initialized by user-defined `init_weights` in SwinTransformer backbone.patch_embed.projection.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.patch_embed.norm.weight - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.patch_embed.norm.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.norm1.weight - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.norm1.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.attn.w_msa.relative_position_bias_table - torch.Size([529, 4]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.attn.w_msa.qkv.weight - torch.Size([384, 128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.attn.w_msa.qkv.bias - torch.Size([384]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.attn.w_msa.proj.weight - torch.Size([128, 128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.attn.w_msa.proj.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.norm2.weight - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.norm2.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.ffn.layers.0.0.weight - torch.Size([512, 128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.ffn.layers.0.0.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.ffn.layers.1.weight - torch.Size([128, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.0.ffn.layers.1.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.norm1.weight - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.norm1.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.attn.w_msa.relative_position_bias_table - torch.Size([529, 4]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.attn.w_msa.qkv.weight - torch.Size([384, 128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.attn.w_msa.qkv.bias - torch.Size([384]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.attn.w_msa.proj.weight - torch.Size([128, 128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.attn.w_msa.proj.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.norm2.weight - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.norm2.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.ffn.layers.0.0.weight - torch.Size([512, 128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.ffn.layers.0.0.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.ffn.layers.1.weight - torch.Size([128, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.blocks.1.ffn.layers.1.bias - torch.Size([128]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.downsample.norm.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.downsample.norm.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.0.downsample.reduction.weight - torch.Size([256, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.norm1.weight - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.norm1.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.attn.w_msa.relative_position_bias_table - torch.Size([529, 8]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.attn.w_msa.qkv.weight - torch.Size([768, 256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.attn.w_msa.qkv.bias - torch.Size([768]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.attn.w_msa.proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.attn.w_msa.proj.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.norm2.weight - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.norm2.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.ffn.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.ffn.layers.0.0.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.ffn.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.0.ffn.layers.1.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.norm1.weight - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.norm1.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.attn.w_msa.relative_position_bias_table - torch.Size([529, 8]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.attn.w_msa.qkv.weight - torch.Size([768, 256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.attn.w_msa.qkv.bias - torch.Size([768]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.attn.w_msa.proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.attn.w_msa.proj.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.norm2.weight - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.norm2.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.ffn.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.ffn.layers.0.0.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.ffn.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.blocks.1.ffn.layers.1.bias - torch.Size([256]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.downsample.norm.weight - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.downsample.norm.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.1.downsample.reduction.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.0.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.1.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.2.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.3.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.4.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.5.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.6.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.7.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.8.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.9.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.10.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.11.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.12.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.13.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.14.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.15.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.16.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.norm1.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.norm1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.attn.w_msa.relative_position_bias_table - torch.Size([529, 16]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.attn.w_msa.qkv.weight - torch.Size([1536, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.attn.w_msa.qkv.bias - torch.Size([1536]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.attn.w_msa.proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.attn.w_msa.proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.norm2.weight - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.norm2.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.ffn.layers.0.0.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.ffn.layers.0.0.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.ffn.layers.1.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.blocks.17.ffn.layers.1.bias - torch.Size([512]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.downsample.norm.weight - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.downsample.norm.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.2.downsample.reduction.weight - torch.Size([1024, 2048]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.norm1.weight - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.norm1.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.attn.w_msa.relative_position_bias_table - torch.Size([529, 32]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.attn.w_msa.qkv.weight - torch.Size([3072, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.attn.w_msa.qkv.bias - torch.Size([3072]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.attn.w_msa.proj.weight - torch.Size([1024, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.attn.w_msa.proj.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.norm2.weight - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.norm2.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.ffn.layers.0.0.weight - torch.Size([4096, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.ffn.layers.0.0.bias - torch.Size([4096]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.ffn.layers.1.weight - torch.Size([1024, 4096]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.0.ffn.layers.1.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.norm1.weight - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.norm1.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.attn.w_msa.relative_position_bias_table - torch.Size([529, 32]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.attn.w_msa.qkv.weight - torch.Size([3072, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.attn.w_msa.qkv.bias - torch.Size([3072]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.attn.w_msa.proj.weight - torch.Size([1024, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.attn.w_msa.proj.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.norm2.weight - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.norm2.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.ffn.layers.0.0.weight - torch.Size([4096, 1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.ffn.layers.0.0.bias - torch.Size([4096]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.ffn.layers.1.weight - torch.Size([1024, 4096]): Initialized by user-defined `init_weights` in SwinTransformer backbone.stages.3.blocks.1.ffn.layers.1.bias - torch.Size([1024]): Initialized by user-defined `init_weights` in SwinTransformer backbone.norm0.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm0.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm3.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 backbone.norm3.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.0.conv.weight - torch.Size([256, 128, 1, 1]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.lateral_convs.0.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.0.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.1.conv.weight - torch.Size([256, 256, 1, 1]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.lateral_convs.1.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.1.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.2.conv.weight - torch.Size([256, 512, 1, 1]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.lateral_convs.2.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.2.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.3.conv.weight - torch.Size([256, 1024, 1, 1]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.lateral_convs.3.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.lateral_convs.3.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.0.conv.weight - torch.Size([256, 256, 3, 3]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.fpn_convs.0.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.0.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.1.conv.weight - torch.Size([256, 256, 3, 3]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.fpn_convs.1.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.1.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.2.conv.weight - torch.Size([256, 256, 3, 3]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.fpn_convs.2.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.2.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.3.conv.weight - torch.Size([256, 256, 3, 3]): XavierInit: gain=1, distribution=uniform, bias=0 neck.0.fpn_convs.3.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.0.fpn_convs.3.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.1.down.conv.weight - torch.Size([256, 1024, 1, 1]): Initialized by user-defined `init_weights` in ConvModule neck.1.down.gn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 neck.1.down.gn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.conv_seg.weight - torch.Size([150, 256, 1, 1]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.conv_seg.bias - torch.Size([150]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.attentions.0.sampling_offsets.weight - torch.Size([64, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.attentions.0.sampling_offsets.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.attentions.0.attention_weights.weight - torch.Size([32, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.attentions.0.attention_weights.bias - torch.Size([32]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.attentions.0.value_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.0.attentions.0.value_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.attentions.0.output_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.0.attentions.0.output_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.time_mlp.1.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.0.time_mlp.1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.ffns.0.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.0.ffns.0.layers.0.0.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.ffns.0.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.0.ffns.0.layers.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.norms.0.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.norms.0.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.norms.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.0.norms.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.attentions.0.sampling_offsets.weight - torch.Size([64, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.attentions.0.sampling_offsets.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.attentions.0.attention_weights.weight - torch.Size([32, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.attentions.0.attention_weights.bias - torch.Size([32]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.attentions.0.value_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.1.attentions.0.value_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.attentions.0.output_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.1.attentions.0.output_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.time_mlp.1.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.1.time_mlp.1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.ffns.0.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.1.ffns.0.layers.0.0.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.ffns.0.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.1.ffns.0.layers.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.norms.0.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.norms.0.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.norms.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.1.norms.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.attentions.0.sampling_offsets.weight - torch.Size([64, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.attentions.0.sampling_offsets.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.attentions.0.attention_weights.weight - torch.Size([32, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.attentions.0.attention_weights.bias - torch.Size([32]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.attentions.0.value_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.2.attentions.0.value_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.attentions.0.output_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.2.attentions.0.output_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.time_mlp.1.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.2.time_mlp.1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.ffns.0.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.2.ffns.0.layers.0.0.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.ffns.0.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.2.ffns.0.layers.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.norms.0.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.norms.0.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.norms.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.2.norms.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.attentions.0.sampling_offsets.weight - torch.Size([64, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.attentions.0.sampling_offsets.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.attentions.0.attention_weights.weight - torch.Size([32, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.attentions.0.attention_weights.bias - torch.Size([32]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.attentions.0.value_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.3.attentions.0.value_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.attentions.0.output_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.3.attentions.0.output_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.time_mlp.1.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.3.time_mlp.1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.ffns.0.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.3.ffns.0.layers.0.0.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.ffns.0.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.3.ffns.0.layers.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.norms.0.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.norms.0.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.norms.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.3.norms.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.attentions.0.sampling_offsets.weight - torch.Size([64, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.attentions.0.sampling_offsets.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.attentions.0.attention_weights.weight - torch.Size([32, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.attentions.0.attention_weights.bias - torch.Size([32]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.attentions.0.value_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.4.attentions.0.value_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.attentions.0.output_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.4.attentions.0.output_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.time_mlp.1.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.4.time_mlp.1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.ffns.0.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.4.ffns.0.layers.0.0.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.ffns.0.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.4.ffns.0.layers.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.norms.0.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.norms.0.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.norms.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.4.norms.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.attentions.0.sampling_offsets.weight - torch.Size([64, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.attentions.0.sampling_offsets.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.attentions.0.attention_weights.weight - torch.Size([32, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.attentions.0.attention_weights.bias - torch.Size([32]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.attentions.0.value_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.5.attentions.0.value_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.attentions.0.output_proj.weight - torch.Size([256, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.5.attentions.0.output_proj.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.time_mlp.1.weight - torch.Size([512, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.5.time_mlp.1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.ffns.0.layers.0.0.weight - torch.Size([1024, 256]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.5.ffns.0.layers.0.0.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.ffns.0.layers.1.weight - torch.Size([256, 1024]): Initialized by user-defined `init_weights` in DeformableHeadWithTime decode_head.encoder.layers.5.ffns.0.layers.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.norms.0.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.norms.0.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.norms.1.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 decode_head.encoder.layers.5.norms.1.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 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, 256, 3, 3]): The value is the same before and after calling `init_weights` of DiffSegV20 auxiliary_head.convs.0.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 auxiliary_head.convs.0.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 embedding_table.weight - torch.Size([151, 256]): The value is the same before and after calling `init_weights` of DiffSegV20 transform.conv.weight - torch.Size([256, 512, 1, 1]): Initialized by user-defined `init_weights` in ConvModule transform.conv.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of DiffSegV20 time_mlp.0.weights - torch.Size([8]): The value is the same before and after calling `init_weights` of DiffSegV20 time_mlp.1.weight - torch.Size([1024, 17]): The value is the same before and after calling `init_weights` of DiffSegV20 time_mlp.1.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 time_mlp.3.weight - torch.Size([1024, 1024]): The value is the same before and after calling `init_weights` of DiffSegV20 time_mlp.3.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of DiffSegV20 2023-02-19 04:03:13,420 - mmseg - INFO - DiffSegV20( (backbone): SwinTransformer( (patch_embed): PatchEmbed( (adap_padding): AdaptivePadding() (projection): Conv2d(3, 128, kernel_size=(4, 4), stride=(4, 4)) (norm): LayerNorm((128,), eps=1e-05, elementwise_affine=True) ) (drop_after_pos): Dropout(p=0.0, inplace=False) (stages): ModuleList( (0): SwinBlockSequence( (blocks): ModuleList( (0): SwinBlock( (norm1): LayerNorm((128,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=128, out_features=384, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=128, out_features=128, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((128,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=128, out_features=512, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=512, out_features=128, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (1): SwinBlock( (norm1): LayerNorm((128,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=128, out_features=384, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=128, out_features=128, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((128,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=128, out_features=512, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=512, out_features=128, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) ) (downsample): PatchMerging( (adap_padding): AdaptivePadding() (sampler): Unfold(kernel_size=(2, 2), dilation=(1, 1), padding=(0, 0), stride=(2, 2)) (norm): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (reduction): Linear(in_features=512, out_features=256, bias=False) ) ) (1): SwinBlockSequence( (blocks): ModuleList( (0): SwinBlock( (norm1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=256, out_features=768, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=256, out_features=256, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (1): SwinBlock( (norm1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=256, out_features=768, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=256, out_features=256, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) ) (downsample): PatchMerging( (adap_padding): AdaptivePadding() (sampler): Unfold(kernel_size=(2, 2), dilation=(1, 1), padding=(0, 0), stride=(2, 2)) (norm): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (reduction): Linear(in_features=1024, out_features=512, bias=False) ) ) (2): SwinBlockSequence( (blocks): ModuleList( (0): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (1): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (2): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (3): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (4): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (5): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (6): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (7): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (8): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (9): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (10): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (11): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (12): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (13): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (14): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (15): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (16): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (17): SwinBlock( (norm1): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=512, out_features=1536, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=512, out_features=512, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=512, out_features=2048, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=2048, out_features=512, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) ) (downsample): PatchMerging( (adap_padding): AdaptivePadding() (sampler): Unfold(kernel_size=(2, 2), dilation=(1, 1), padding=(0, 0), stride=(2, 2)) (norm): LayerNorm((2048,), eps=1e-05, elementwise_affine=True) (reduction): Linear(in_features=2048, out_features=1024, bias=False) ) ) (3): SwinBlockSequence( (blocks): ModuleList( (0): SwinBlock( (norm1): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=1024, out_features=4096, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=4096, out_features=1024, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) (1): SwinBlock( (norm1): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (attn): ShiftWindowMSA( (w_msa): WindowMSA( (qkv): Linear(in_features=1024, out_features=3072, bias=True) (attn_drop): Dropout(p=0.0, inplace=False) (proj): Linear(in_features=1024, out_features=1024, bias=True) (proj_drop): Dropout(p=0.0, inplace=False) (softmax): Softmax(dim=-1) ) (drop): DropPath() ) (norm2): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) (ffn): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=1024, out_features=4096, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=4096, out_features=1024, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): DropPath() ) ) ) ) ) (norm0): LayerNorm((128,), eps=1e-05, elementwise_affine=True) (norm1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (norm2): LayerNorm((512,), eps=1e-05, elementwise_affine=True) (norm3): LayerNorm((1024,), eps=1e-05, elementwise_affine=True) ) init_cfg={'type': 'Pretrained', 'checkpoint': 'https://download.openmmlab.com/mmsegmentation/v0.5/pretrain/swin/swin_base_patch4_window12_384_20220317-55b0104a.pth'} (neck): Sequential( (0): FPN( (lateral_convs): ModuleList( (0): ConvModule( (conv): Conv2d(128, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) (1): ConvModule( (conv): Conv2d(256, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) (2): ConvModule( (conv): Conv2d(512, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) (3): ConvModule( (conv): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) ) (fpn_convs): ModuleList( (0): ConvModule( (conv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) (1): ConvModule( (conv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) (2): ConvModule( (conv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) (3): ConvModule( (conv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) ) ) init_cfg={'type': 'Xavier', 'layer': 'Conv2d', 'distribution': 'uniform'} (1): MultiStageMerging( (down): ConvModule( (conv): Conv2d(1024, 256, kernel_size=(1, 1), stride=(1, 1), bias=False) (gn): GroupNorm(32, 256, eps=1e-05, affine=True) ) ) init_cfg={'type': 'Xavier', 'layer': 'Conv2d', 'distribution': 'uniform'} ) (decode_head): DeformableHeadWithTime( input_transform=multiple_select, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss(avg_non_ignore=False) (conv_seg): Conv2d(256, 150, kernel_size=(1, 1), stride=(1, 1)) (encoder): DetrTransformerEncoder( (layers): ModuleList( (0): BaseTransformerLayer( (attentions): ModuleList( (0): MultiScaleDeformableAttention( (dropout): Dropout(p=0.0, inplace=False) (sampling_offsets): Linear(in_features=256, out_features=64, bias=True) (attention_weights): Linear(in_features=256, out_features=32, bias=True) (value_proj): Linear(in_features=256, out_features=256, bias=True) (output_proj): Linear(in_features=256, out_features=256, bias=True) ) ) (time_mlp): Sequential( (0): SiLU() (1): Linear(in_features=1024, out_features=512, bias=True) ) (ffns): ModuleList( (0): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): Identity() ) ) (norms): ModuleList( (0): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) ) ) (1): BaseTransformerLayer( (attentions): ModuleList( (0): MultiScaleDeformableAttention( (dropout): Dropout(p=0.0, inplace=False) (sampling_offsets): Linear(in_features=256, out_features=64, bias=True) (attention_weights): Linear(in_features=256, out_features=32, bias=True) (value_proj): Linear(in_features=256, out_features=256, bias=True) (output_proj): Linear(in_features=256, out_features=256, bias=True) ) ) (time_mlp): Sequential( (0): SiLU() (1): Linear(in_features=1024, out_features=512, bias=True) ) (ffns): ModuleList( (0): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): Identity() ) ) (norms): ModuleList( (0): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) ) ) (2): BaseTransformerLayer( (attentions): ModuleList( (0): MultiScaleDeformableAttention( (dropout): Dropout(p=0.0, inplace=False) (sampling_offsets): Linear(in_features=256, out_features=64, bias=True) (attention_weights): Linear(in_features=256, out_features=32, bias=True) (value_proj): Linear(in_features=256, out_features=256, bias=True) (output_proj): Linear(in_features=256, out_features=256, bias=True) ) ) (time_mlp): Sequential( (0): SiLU() (1): Linear(in_features=1024, out_features=512, bias=True) ) (ffns): ModuleList( (0): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): Identity() ) ) (norms): ModuleList( (0): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) ) ) (3): BaseTransformerLayer( (attentions): ModuleList( (0): MultiScaleDeformableAttention( (dropout): Dropout(p=0.0, inplace=False) (sampling_offsets): Linear(in_features=256, out_features=64, bias=True) (attention_weights): Linear(in_features=256, out_features=32, bias=True) (value_proj): Linear(in_features=256, out_features=256, bias=True) (output_proj): Linear(in_features=256, out_features=256, bias=True) ) ) (time_mlp): Sequential( (0): SiLU() (1): Linear(in_features=1024, out_features=512, bias=True) ) (ffns): ModuleList( (0): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): Identity() ) ) (norms): ModuleList( (0): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) ) ) (4): BaseTransformerLayer( (attentions): ModuleList( (0): MultiScaleDeformableAttention( (dropout): Dropout(p=0.0, inplace=False) (sampling_offsets): Linear(in_features=256, out_features=64, bias=True) (attention_weights): Linear(in_features=256, out_features=32, bias=True) (value_proj): Linear(in_features=256, out_features=256, bias=True) (output_proj): Linear(in_features=256, out_features=256, bias=True) ) ) (time_mlp): Sequential( (0): SiLU() (1): Linear(in_features=1024, out_features=512, bias=True) ) (ffns): ModuleList( (0): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): Identity() ) ) (norms): ModuleList( (0): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) ) ) (5): BaseTransformerLayer( (attentions): ModuleList( (0): MultiScaleDeformableAttention( (dropout): Dropout(p=0.0, inplace=False) (sampling_offsets): Linear(in_features=256, out_features=64, bias=True) (attention_weights): Linear(in_features=256, out_features=32, bias=True) (value_proj): Linear(in_features=256, out_features=256, bias=True) (output_proj): Linear(in_features=256, out_features=256, bias=True) ) ) (time_mlp): Sequential( (0): SiLU() (1): Linear(in_features=1024, out_features=512, bias=True) ) (ffns): ModuleList( (0): FFN( (activate): GELU() (layers): Sequential( (0): Sequential( (0): Linear(in_features=256, out_features=1024, bias=True) (1): GELU() (2): Dropout(p=0.0, inplace=False) ) (1): Linear(in_features=1024, out_features=256, bias=True) (2): Dropout(p=0.0, inplace=False) ) (dropout_layer): Identity() ) ) (norms): ModuleList( (0): LayerNorm((256,), eps=1e-05, elementwise_affine=True) (1): LayerNorm((256,), eps=1e-05, elementwise_affine=True) ) ) ) ) (positional_encoding): SinePositionalEncoding(num_feats=128, temperature=10000, normalize=True, scale=6.283185307179586, eps=1e-06) ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} (auxiliary_head): FCNHead( input_transform=None, ignore_index=255, align_corners=False (loss_decode): CrossEntropyLoss(avg_non_ignore=False) (conv_seg): Conv2d(256, 150, kernel_size=(1, 1), stride=(1, 1)) (dropout): Dropout2d(p=0.1, inplace=False) (convs): Sequential( (0): ConvModule( (conv): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1), bias=False) (bn): SyncBatchNorm(256, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True) (activate): ReLU(inplace=True) ) ) ) init_cfg={'type': 'Normal', 'std': 0.01, 'override': {'name': 'conv_seg'}} (embedding_table): Embedding(151, 256) (transform): ConvModule( (conv): Conv2d(512, 256, kernel_size=(1, 1), stride=(1, 1)) ) (time_mlp): Sequential( (0): LearnedSinusoidalPosEmb() (1): Linear(in_features=17, out_features=1024, bias=True) (2): GELU() (3): Linear(in_features=1024, out_features=1024, bias=True) ) ) 2023-02-19 04:03:13,431 - mmseg - INFO - Model size:365.41 2023-02-19 04:03:13,704 - mmseg - INFO - Loaded 20210 images 2023-02-19 04:03:14,423 - mmseg - INFO - Loaded 2000 images 2023-02-19 04:03:14,424 - 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-02-19 04:03:14,425 - mmseg - INFO - workflow: [('train', 1)], max: 160000 iters 2023-02-19 04:03:44,619 - mmseg - INFO - Iter [50/160000] lr: 1.959e-06, eta: 17:10:18, time: 0.386, data_time: 0.012, memory: 20662, decode.loss_ce: 4.2044, decode.acc_seg: 2.1280, aux.loss_ce: 1.6257, aux.acc_seg: 0.8344, loss: 5.8301, grad_norm: 15.2425 2023-02-19 04:04:03,159 - mmseg - INFO - Iter [100/160000] lr: 3.958e-06, eta: 16:49:06, time: 0.371, data_time: 0.005, memory: 20662, decode.loss_ce: 3.4487, decode.acc_seg: 14.5879, aux.loss_ce: 1.6203, aux.acc_seg: 1.3950, loss: 5.0690, grad_norm: 9.9344 2023-02-19 04:04:21,593 - mmseg - INFO - Iter [150/160000] lr: 5.955e-06, eta: 16:39:54, time: 0.369, data_time: 0.005, memory: 20662, decode.loss_ce: 2.8989, decode.acc_seg: 27.1659, aux.loss_ce: 1.6075, aux.acc_seg: 4.2813, loss: 4.5064, grad_norm: 8.1776 2023-02-19 04:04:40,102 - mmseg - INFO - Iter [200/160000] lr: 7.950e-06, eta: 16:36:13, time: 0.370, data_time: 0.005, memory: 20662, decode.loss_ce: 2.4709, decode.acc_seg: 41.2586, aux.loss_ce: 1.6054, aux.acc_seg: 15.5460, loss: 4.0763, grad_norm: 9.4972 2023-02-19 04:04:58,508 - mmseg - INFO - Iter [250/160000] lr: 9.945e-06, eta: 16:32:43, time: 0.368, data_time: 0.005, memory: 20662, decode.loss_ce: 2.0863, decode.acc_seg: 49.4857, aux.loss_ce: 1.5362, aux.acc_seg: 30.8365, loss: 3.6225, grad_norm: 9.2118 2023-02-19 04:05:17,009 - mmseg - INFO - Iter [300/160000] lr: 1.194e-05, eta: 16:31:07, time: 0.370, data_time: 0.005, memory: 20662, decode.loss_ce: 1.7523, decode.acc_seg: 55.2583, aux.loss_ce: 1.4604, aux.acc_seg: 42.9859, loss: 3.2126, grad_norm: 12.2304 2023-02-19 04:05:35,346 - mmseg - INFO - Iter [350/160000] lr: 1.393e-05, eta: 16:28:40, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 1.7033, decode.acc_seg: 56.5233, aux.loss_ce: 1.4410, aux.acc_seg: 45.3043, loss: 3.1443, grad_norm: 10.8149 2023-02-19 04:05:53,698 - mmseg - INFO - Iter [400/160000] lr: 1.592e-05, eta: 16:26:51, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 1.4903, decode.acc_seg: 60.6017, aux.loss_ce: 1.3560, aux.acc_seg: 48.0865, loss: 2.8463, grad_norm: 9.6719 2023-02-19 04:06:12,024 - mmseg - INFO - Iter [450/160000] lr: 1.791e-05, eta: 16:25:13, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 1.4599, decode.acc_seg: 59.7473, aux.loss_ce: 1.2833, aux.acc_seg: 47.7815, loss: 2.7432, grad_norm: 9.4277 2023-02-19 04:06:30,345 - mmseg - INFO - Iter [500/160000] lr: 1.990e-05, eta: 16:23:49, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 1.4106, decode.acc_seg: 61.6376, aux.loss_ce: 1.2453, aux.acc_seg: 50.0843, loss: 2.6559, grad_norm: 9.6563 2023-02-19 04:06:48,645 - mmseg - INFO - Iter [550/160000] lr: 2.188e-05, eta: 16:22:31, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 1.3462, decode.acc_seg: 62.5676, aux.loss_ce: 1.1576, aux.acc_seg: 51.2139, loss: 2.5038, grad_norm: 10.8578 2023-02-19 04:07:07,135 - mmseg - INFO - Iter [600/160000] lr: 2.387e-05, eta: 16:22:14, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 1.3031, decode.acc_seg: 62.4020, aux.loss_ce: 1.1046, aux.acc_seg: 50.7714, loss: 2.4077, grad_norm: 9.9373 2023-02-19 04:07:25,914 - mmseg - INFO - Iter [650/160000] lr: 2.585e-05, eta: 16:23:07, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 1.3056, decode.acc_seg: 62.0075, aux.loss_ce: 1.0643, aux.acc_seg: 51.2354, loss: 2.3699, grad_norm: 13.8670 2023-02-19 04:07:44,283 - mmseg - INFO - Iter [700/160000] lr: 2.784e-05, eta: 16:22:17, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 1.2079, decode.acc_seg: 64.6844, aux.loss_ce: 1.0135, aux.acc_seg: 52.7485, loss: 2.2214, grad_norm: 10.0036 2023-02-19 04:08:02,532 - mmseg - INFO - Iter [750/160000] lr: 2.982e-05, eta: 16:21:05, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 1.1921, decode.acc_seg: 64.4518, aux.loss_ce: 0.9520, aux.acc_seg: 53.4941, loss: 2.1441, grad_norm: 9.4113 2023-02-19 04:08:20,811 - mmseg - INFO - Iter [800/160000] lr: 3.180e-05, eta: 16:20:06, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 1.1363, decode.acc_seg: 65.6341, aux.loss_ce: 0.9127, aux.acc_seg: 55.1956, loss: 2.0490, grad_norm: 10.0045 2023-02-19 04:08:39,005 - mmseg - INFO - Iter [850/160000] lr: 3.378e-05, eta: 16:18:56, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 1.1647, decode.acc_seg: 64.5196, aux.loss_ce: 0.8766, aux.acc_seg: 53.6117, loss: 2.0412, grad_norm: 10.7200 2023-02-19 04:08:57,228 - mmseg - INFO - Iter [900/160000] lr: 3.576e-05, eta: 16:17:57, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 1.1241, decode.acc_seg: 65.5603, aux.loss_ce: 0.8462, aux.acc_seg: 55.6330, loss: 1.9703, grad_norm: 10.8327 2023-02-19 04:09:15,543 - mmseg - INFO - Iter [950/160000] lr: 3.773e-05, eta: 16:17:18, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 1.0708, decode.acc_seg: 67.0216, aux.loss_ce: 0.8011, aux.acc_seg: 56.5501, loss: 1.8719, grad_norm: 9.2495 2023-02-19 04:09:33,741 - mmseg - INFO - Saving checkpoint at 1000 iterations 2023-02-19 04:09:35,638 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:09:35,638 - mmseg - INFO - Iter [1000/160000] lr: 3.971e-05, eta: 16:21:24, time: 0.402, data_time: 0.005, memory: 20662, decode.loss_ce: 1.1422, decode.acc_seg: 65.6127, aux.loss_ce: 0.8002, aux.acc_seg: 57.2260, loss: 1.9424, grad_norm: 10.7964 2023-02-19 04:09:54,058 - mmseg - INFO - Iter [1050/160000] lr: 4.168e-05, eta: 16:20:50, time: 0.368, data_time: 0.005, memory: 20662, decode.loss_ce: 1.0704, decode.acc_seg: 66.0775, aux.loss_ce: 0.7391, aux.acc_seg: 57.2962, loss: 1.8095, grad_norm: 9.9013 2023-02-19 04:10:12,407 - mmseg - INFO - Iter [1100/160000] lr: 4.366e-05, eta: 16:20:08, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 1.0814, decode.acc_seg: 66.4427, aux.loss_ce: 0.7384, aux.acc_seg: 56.8007, loss: 1.8197, grad_norm: 9.5246 2023-02-19 04:10:30,581 - mmseg - INFO - Iter [1150/160000] lr: 4.563e-05, eta: 16:19:03, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 1.0341, decode.acc_seg: 67.5375, aux.loss_ce: 0.6979, aux.acc_seg: 58.9844, loss: 1.7319, grad_norm: 9.9885 2023-02-19 04:10:48,777 - mmseg - INFO - Iter [1200/160000] lr: 4.760e-05, eta: 16:18:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 1.0620, decode.acc_seg: 66.2188, aux.loss_ce: 0.6992, aux.acc_seg: 57.8884, loss: 1.7613, grad_norm: 8.4194 2023-02-19 04:11:06,988 - mmseg - INFO - Iter [1250/160000] lr: 4.957e-05, eta: 16:17:13, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.9725, decode.acc_seg: 68.8578, aux.loss_ce: 0.6443, aux.acc_seg: 61.1363, loss: 1.6168, grad_norm: 10.7201 2023-02-19 04:11:27,469 - mmseg - INFO - Iter [1300/160000] lr: 5.154e-05, eta: 16:21:01, time: 0.410, data_time: 0.051, memory: 20662, decode.loss_ce: 1.0280, decode.acc_seg: 67.4580, aux.loss_ce: 0.6582, aux.acc_seg: 60.8424, loss: 1.6862, grad_norm: 10.7493 2023-02-19 04:11:45,803 - mmseg - INFO - Iter [1350/160000] lr: 5.351e-05, eta: 16:20:17, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.9505, decode.acc_seg: 69.2921, aux.loss_ce: 0.6082, aux.acc_seg: 61.9896, loss: 1.5587, grad_norm: 8.9957 2023-02-19 04:12:03,978 - mmseg - INFO - Iter [1400/160000] lr: 5.547e-05, eta: 16:19:18, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9962, decode.acc_seg: 67.4167, aux.loss_ce: 0.6219, aux.acc_seg: 60.8716, loss: 1.6181, grad_norm: 9.3274 2023-02-19 04:12:22,146 - mmseg - INFO - Iter [1450/160000] lr: 5.744e-05, eta: 16:18:20, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.9754, decode.acc_seg: 68.4012, aux.loss_ce: 0.5817, aux.acc_seg: 62.8994, loss: 1.5571, grad_norm: 10.2055 2023-02-19 04:12:40,404 - mmseg - INFO - Iter [1500/160000] lr: 5.940e-05, eta: 16:17:35, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9556, decode.acc_seg: 69.2856, aux.loss_ce: 0.5735, aux.acc_seg: 63.0530, loss: 1.5291, grad_norm: 10.6065 2023-02-19 04:12:58,566 - mmseg - INFO - Iter [1550/160000] lr: 5.942e-05, eta: 16:16:41, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 1.0126, decode.acc_seg: 67.4877, aux.loss_ce: 0.5864, aux.acc_seg: 62.1389, loss: 1.5990, grad_norm: 11.4805 2023-02-19 04:13:16,880 - mmseg - INFO - Iter [1600/160000] lr: 5.940e-05, eta: 16:16:05, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9742, decode.acc_seg: 67.6934, aux.loss_ce: 0.5624, aux.acc_seg: 61.9172, loss: 1.5366, grad_norm: 8.6932 2023-02-19 04:13:35,087 - mmseg - INFO - Iter [1650/160000] lr: 5.938e-05, eta: 16:15:20, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9130, decode.acc_seg: 69.0599, aux.loss_ce: 0.5299, aux.acc_seg: 63.8284, loss: 1.4429, grad_norm: 10.1182 2023-02-19 04:13:53,359 - mmseg - INFO - Iter [1700/160000] lr: 5.936e-05, eta: 16:14:42, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9531, decode.acc_seg: 68.5514, aux.loss_ce: 0.5410, aux.acc_seg: 64.1739, loss: 1.4941, grad_norm: 9.3689 2023-02-19 04:14:11,637 - mmseg - INFO - Iter [1750/160000] lr: 5.934e-05, eta: 16:14:05, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.9440, decode.acc_seg: 69.4841, aux.loss_ce: 0.5347, aux.acc_seg: 64.5077, loss: 1.4787, grad_norm: 10.1082 2023-02-19 04:14:30,085 - mmseg - INFO - Iter [1800/160000] lr: 5.933e-05, eta: 16:13:46, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.9077, decode.acc_seg: 69.9985, aux.loss_ce: 0.5060, aux.acc_seg: 65.1720, loss: 1.4136, grad_norm: 8.7068 2023-02-19 04:14:48,355 - mmseg - INFO - Iter [1850/160000] lr: 5.931e-05, eta: 16:13:11, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9076, decode.acc_seg: 69.3650, aux.loss_ce: 0.4943, aux.acc_seg: 65.5352, loss: 1.4019, grad_norm: 9.3174 2023-02-19 04:15:06,612 - mmseg - INFO - Iter [1900/160000] lr: 5.929e-05, eta: 16:12:35, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9010, decode.acc_seg: 70.2644, aux.loss_ce: 0.4956, aux.acc_seg: 66.1936, loss: 1.3966, grad_norm: 9.3468 2023-02-19 04:15:24,874 - mmseg - INFO - Iter [1950/160000] lr: 5.927e-05, eta: 16:12:01, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9379, decode.acc_seg: 69.6054, aux.loss_ce: 0.4996, aux.acc_seg: 65.7433, loss: 1.4376, grad_norm: 8.4052 2023-02-19 04:15:43,150 - mmseg - INFO - Saving checkpoint at 2000 iterations 2023-02-19 04:15:44,858 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:15:44,858 - mmseg - INFO - Iter [2000/160000] lr: 5.925e-05, eta: 16:13:44, time: 0.400, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8935, decode.acc_seg: 70.3509, aux.loss_ce: 0.4753, aux.acc_seg: 66.4623, loss: 1.3688, grad_norm: 7.5758 2023-02-19 04:16:03,192 - mmseg - INFO - Iter [2050/160000] lr: 5.923e-05, eta: 16:13:13, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8653, decode.acc_seg: 70.7378, aux.loss_ce: 0.4701, aux.acc_seg: 66.9108, loss: 1.3354, grad_norm: 8.6146 2023-02-19 04:16:21,612 - mmseg - INFO - Iter [2100/160000] lr: 5.921e-05, eta: 16:12:50, time: 0.368, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9482, decode.acc_seg: 68.7761, aux.loss_ce: 0.4956, aux.acc_seg: 65.0072, loss: 1.4439, grad_norm: 10.1252 2023-02-19 04:16:39,828 - mmseg - INFO - Iter [2150/160000] lr: 5.919e-05, eta: 16:12:12, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9721, decode.acc_seg: 67.7098, aux.loss_ce: 0.4952, aux.acc_seg: 65.2818, loss: 1.4673, grad_norm: 19.0230 2023-02-19 04:16:58,056 - mmseg - INFO - Iter [2200/160000] lr: 5.918e-05, eta: 16:11:35, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9558, decode.acc_seg: 69.0702, aux.loss_ce: 0.4747, aux.acc_seg: 66.3623, loss: 1.4305, grad_norm: 11.1625 2023-02-19 04:17:16,418 - mmseg - INFO - Iter [2250/160000] lr: 5.916e-05, eta: 16:11:09, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.9012, decode.acc_seg: 69.6524, aux.loss_ce: 0.4532, aux.acc_seg: 67.3379, loss: 1.3543, grad_norm: 8.9751 2023-02-19 04:17:34,637 - mmseg - INFO - Iter [2300/160000] lr: 5.914e-05, eta: 16:10:34, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8978, decode.acc_seg: 70.9382, aux.loss_ce: 0.4637, aux.acc_seg: 67.3186, loss: 1.3616, grad_norm: 10.2708 2023-02-19 04:17:52,853 - mmseg - INFO - Iter [2350/160000] lr: 5.912e-05, eta: 16:09:59, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8716, decode.acc_seg: 70.6233, aux.loss_ce: 0.4546, aux.acc_seg: 66.7526, loss: 1.3262, grad_norm: 8.2555 2023-02-19 04:18:11,076 - mmseg - INFO - Iter [2400/160000] lr: 5.910e-05, eta: 16:09:25, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8832, decode.acc_seg: 70.4470, aux.loss_ce: 0.4609, aux.acc_seg: 66.3291, loss: 1.3442, grad_norm: 12.4549 2023-02-19 04:18:29,364 - mmseg - INFO - Iter [2450/160000] lr: 5.908e-05, eta: 16:08:56, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 0.9031, decode.acc_seg: 69.3236, aux.loss_ce: 0.4549, aux.acc_seg: 66.3413, loss: 1.3580, grad_norm: 10.0591 2023-02-19 04:18:47,829 - mmseg - INFO - Iter [2500/160000] lr: 5.906e-05, eta: 16:08:38, time: 0.369, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8867, decode.acc_seg: 70.0876, aux.loss_ce: 0.4444, aux.acc_seg: 67.5599, loss: 1.3310, grad_norm: 7.7775 2023-02-19 04:19:08,395 - mmseg - INFO - Iter [2550/160000] lr: 5.904e-05, eta: 16:10:30, time: 0.411, data_time: 0.049, memory: 20662, decode.loss_ce: 0.8675, decode.acc_seg: 70.3920, aux.loss_ce: 0.4403, aux.acc_seg: 67.2487, loss: 1.3079, grad_norm: 6.8863 2023-02-19 04:19:26,754 - mmseg - INFO - Iter [2600/160000] lr: 5.903e-05, eta: 16:10:04, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8613, decode.acc_seg: 70.0191, aux.loss_ce: 0.4443, aux.acc_seg: 67.2729, loss: 1.3057, grad_norm: 8.9899 2023-02-19 04:19:44,924 - mmseg - INFO - Iter [2650/160000] lr: 5.901e-05, eta: 16:09:26, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8503, decode.acc_seg: 70.6104, aux.loss_ce: 0.4286, aux.acc_seg: 68.0488, loss: 1.2789, grad_norm: 8.5580 2023-02-19 04:20:03,295 - mmseg - INFO - Iter [2700/160000] lr: 5.899e-05, eta: 16:09:01, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7994, decode.acc_seg: 72.2421, aux.loss_ce: 0.4016, aux.acc_seg: 69.7889, loss: 1.2010, grad_norm: 8.7630 2023-02-19 04:20:21,468 - mmseg - INFO - Iter [2750/160000] lr: 5.897e-05, eta: 16:08:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8032, decode.acc_seg: 72.1961, aux.loss_ce: 0.4080, aux.acc_seg: 69.4699, loss: 1.2111, grad_norm: 7.9035 2023-02-19 04:20:39,663 - mmseg - INFO - Iter [2800/160000] lr: 5.895e-05, eta: 16:07:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7829, decode.acc_seg: 72.9962, aux.loss_ce: 0.3991, aux.acc_seg: 69.9827, loss: 1.1820, grad_norm: 8.7612 2023-02-19 04:20:57,835 - mmseg - INFO - Iter [2850/160000] lr: 5.893e-05, eta: 16:07:16, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8044, decode.acc_seg: 71.8742, aux.loss_ce: 0.4000, aux.acc_seg: 69.3400, loss: 1.2044, grad_norm: 7.4301 2023-02-19 04:21:16,008 - mmseg - INFO - Iter [2900/160000] lr: 5.891e-05, eta: 16:06:42, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8530, decode.acc_seg: 70.7741, aux.loss_ce: 0.4187, aux.acc_seg: 68.2440, loss: 1.2716, grad_norm: 8.3314 2023-02-19 04:21:34,214 - mmseg - INFO - Iter [2950/160000] lr: 5.889e-05, eta: 16:06:09, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8184, decode.acc_seg: 72.4734, aux.loss_ce: 0.4046, aux.acc_seg: 70.0631, loss: 1.2230, grad_norm: 8.1259 2023-02-19 04:21:52,426 - mmseg - INFO - Saving checkpoint at 3000 iterations 2023-02-19 04:21:54,155 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:21:54,155 - mmseg - INFO - Iter [3000/160000] lr: 5.888e-05, eta: 16:07:09, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8247, decode.acc_seg: 70.7688, aux.loss_ce: 0.3969, aux.acc_seg: 68.8422, loss: 1.2216, grad_norm: 8.3541 2023-02-19 04:22:12,344 - mmseg - INFO - Iter [3050/160000] lr: 5.886e-05, eta: 16:06:35, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7965, decode.acc_seg: 71.8343, aux.loss_ce: 0.3802, aux.acc_seg: 69.9511, loss: 1.1767, grad_norm: 7.0447 2023-02-19 04:22:30,570 - mmseg - INFO - Iter [3100/160000] lr: 5.884e-05, eta: 16:06:04, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8591, decode.acc_seg: 70.7343, aux.loss_ce: 0.4058, aux.acc_seg: 68.8827, loss: 1.2649, grad_norm: 7.8965 2023-02-19 04:22:48,750 - mmseg - INFO - Iter [3150/160000] lr: 5.882e-05, eta: 16:05:30, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8124, decode.acc_seg: 71.5814, aux.loss_ce: 0.3852, aux.acc_seg: 69.6610, loss: 1.1976, grad_norm: 6.9603 2023-02-19 04:23:06,940 - mmseg - INFO - Iter [3200/160000] lr: 5.880e-05, eta: 16:04:59, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8222, decode.acc_seg: 71.4548, aux.loss_ce: 0.3921, aux.acc_seg: 69.3147, loss: 1.2143, grad_norm: 7.9156 2023-02-19 04:23:25,221 - mmseg - INFO - Iter [3250/160000] lr: 5.878e-05, eta: 16:04:31, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.8266, decode.acc_seg: 71.5606, aux.loss_ce: 0.3956, aux.acc_seg: 70.0752, loss: 1.2222, grad_norm: 8.7307 2023-02-19 04:23:43,547 - mmseg - INFO - Iter [3300/160000] lr: 5.876e-05, eta: 16:04:07, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8129, decode.acc_seg: 71.4974, aux.loss_ce: 0.3895, aux.acc_seg: 69.1796, loss: 1.2024, grad_norm: 8.9236 2023-02-19 04:24:01,867 - mmseg - INFO - Iter [3350/160000] lr: 5.874e-05, eta: 16:03:42, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8086, decode.acc_seg: 71.6753, aux.loss_ce: 0.3733, aux.acc_seg: 70.8718, loss: 1.1819, grad_norm: 6.3148 2023-02-19 04:24:20,024 - mmseg - INFO - Iter [3400/160000] lr: 5.873e-05, eta: 16:03:10, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7908, decode.acc_seg: 72.3410, aux.loss_ce: 0.3762, aux.acc_seg: 70.4499, loss: 1.1669, grad_norm: 8.1921 2023-02-19 04:24:38,596 - mmseg - INFO - Iter [3450/160000] lr: 5.871e-05, eta: 16:02:57, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.8061, decode.acc_seg: 72.9190, aux.loss_ce: 0.3798, aux.acc_seg: 70.7722, loss: 1.1859, grad_norm: 7.1212 2023-02-19 04:24:56,943 - mmseg - INFO - Iter [3500/160000] lr: 5.869e-05, eta: 16:02:34, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7920, decode.acc_seg: 72.3510, aux.loss_ce: 0.3851, aux.acc_seg: 69.9379, loss: 1.1771, grad_norm: 9.3649 2023-02-19 04:25:15,091 - mmseg - INFO - Iter [3550/160000] lr: 5.867e-05, eta: 16:02:02, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7583, decode.acc_seg: 72.8315, aux.loss_ce: 0.3616, aux.acc_seg: 70.6400, loss: 1.1199, grad_norm: 7.8406 2023-02-19 04:25:33,132 - mmseg - INFO - Iter [3600/160000] lr: 5.865e-05, eta: 16:01:26, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7513, decode.acc_seg: 73.6194, aux.loss_ce: 0.3525, aux.acc_seg: 71.9114, loss: 1.1038, grad_norm: 7.8779 2023-02-19 04:25:51,191 - mmseg - INFO - Iter [3650/160000] lr: 5.863e-05, eta: 16:00:51, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7747, decode.acc_seg: 72.6022, aux.loss_ce: 0.3481, aux.acc_seg: 71.3756, loss: 1.1228, grad_norm: 7.8724 2023-02-19 04:26:09,280 - mmseg - INFO - Iter [3700/160000] lr: 5.861e-05, eta: 16:00:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7723, decode.acc_seg: 73.3335, aux.loss_ce: 0.3592, aux.acc_seg: 71.8860, loss: 1.1315, grad_norm: 7.6163 2023-02-19 04:26:27,369 - mmseg - INFO - Iter [3750/160000] lr: 5.859e-05, eta: 15:59:45, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7862, decode.acc_seg: 72.8029, aux.loss_ce: 0.3645, aux.acc_seg: 71.1904, loss: 1.1506, grad_norm: 8.5435 2023-02-19 04:26:47,902 - mmseg - INFO - Iter [3800/160000] lr: 5.858e-05, eta: 16:00:53, time: 0.411, data_time: 0.050, memory: 20662, decode.loss_ce: 0.7686, decode.acc_seg: 72.4034, aux.loss_ce: 0.3603, aux.acc_seg: 71.0619, loss: 1.1290, grad_norm: 7.5770 2023-02-19 04:27:06,169 - mmseg - INFO - Iter [3850/160000] lr: 5.856e-05, eta: 16:00:27, time: 0.365, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7566, decode.acc_seg: 73.4410, aux.loss_ce: 0.3544, aux.acc_seg: 71.6331, loss: 1.1110, grad_norm: 7.1573 2023-02-19 04:27:24,240 - mmseg - INFO - Iter [3900/160000] lr: 5.854e-05, eta: 15:59:53, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7694, decode.acc_seg: 73.7363, aux.loss_ce: 0.3560, aux.acc_seg: 71.6867, loss: 1.1255, grad_norm: 7.3712 2023-02-19 04:27:42,686 - mmseg - INFO - Iter [3950/160000] lr: 5.852e-05, eta: 15:59:35, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7647, decode.acc_seg: 72.6321, aux.loss_ce: 0.3470, aux.acc_seg: 71.7564, loss: 1.1117, grad_norm: 8.9802 2023-02-19 04:28:00,888 - mmseg - INFO - Saving checkpoint at 4000 iterations 2023-02-19 04:28:02,634 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:28:02,634 - mmseg - INFO - Iter [4000/160000] lr: 5.850e-05, eta: 16:00:15, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7509, decode.acc_seg: 73.8152, aux.loss_ce: 0.3503, aux.acc_seg: 71.7348, loss: 1.1012, grad_norm: 6.3140 2023-02-19 04:28:21,225 - mmseg - INFO - Iter [4050/160000] lr: 5.848e-05, eta: 16:00:01, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7412, decode.acc_seg: 73.7778, aux.loss_ce: 0.3451, aux.acc_seg: 72.4012, loss: 1.0863, grad_norm: 7.1672 2023-02-19 04:28:39,327 - mmseg - INFO - Iter [4100/160000] lr: 5.846e-05, eta: 15:59:29, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7619, decode.acc_seg: 72.9666, aux.loss_ce: 0.3488, aux.acc_seg: 71.5784, loss: 1.1108, grad_norm: 7.2422 2023-02-19 04:28:57,372 - mmseg - INFO - Iter [4150/160000] lr: 5.844e-05, eta: 15:58:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7237, decode.acc_seg: 74.3811, aux.loss_ce: 0.3275, aux.acc_seg: 73.3144, loss: 1.0512, grad_norm: 7.5730 2023-02-19 04:29:15,422 - mmseg - INFO - Iter [4200/160000] lr: 5.843e-05, eta: 15:58:21, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7148, decode.acc_seg: 74.4143, aux.loss_ce: 0.3302, aux.acc_seg: 72.6801, loss: 1.0450, grad_norm: 7.1659 2023-02-19 04:29:33,787 - mmseg - INFO - Iter [4250/160000] lr: 5.841e-05, eta: 15:57:59, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7455, decode.acc_seg: 72.9853, aux.loss_ce: 0.3398, aux.acc_seg: 71.5357, loss: 1.0853, grad_norm: 6.7820 2023-02-19 04:29:52,156 - mmseg - INFO - Iter [4300/160000] lr: 5.839e-05, eta: 15:57:37, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7491, decode.acc_seg: 73.9705, aux.loss_ce: 0.3400, aux.acc_seg: 72.6823, loss: 1.0891, grad_norm: 6.6104 2023-02-19 04:30:10,453 - mmseg - INFO - Iter [4350/160000] lr: 5.837e-05, eta: 15:57:14, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7424, decode.acc_seg: 74.4085, aux.loss_ce: 0.3323, aux.acc_seg: 73.0755, loss: 1.0747, grad_norm: 6.9820 2023-02-19 04:30:28,476 - mmseg - INFO - Iter [4400/160000] lr: 5.835e-05, eta: 15:56:40, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7214, decode.acc_seg: 74.6986, aux.loss_ce: 0.3276, aux.acc_seg: 73.0914, loss: 1.0491, grad_norm: 8.0912 2023-02-19 04:30:46,706 - mmseg - INFO - Iter [4450/160000] lr: 5.833e-05, eta: 15:56:14, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7667, decode.acc_seg: 72.6126, aux.loss_ce: 0.3459, aux.acc_seg: 71.7484, loss: 1.1126, grad_norm: 8.7103 2023-02-19 04:31:04,887 - mmseg - INFO - Iter [4500/160000] lr: 5.831e-05, eta: 15:55:47, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7616, decode.acc_seg: 73.0971, aux.loss_ce: 0.3431, aux.acc_seg: 71.9831, loss: 1.1047, grad_norm: 7.4180 2023-02-19 04:31:22,972 - mmseg - INFO - Iter [4550/160000] lr: 5.829e-05, eta: 15:55:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7547, decode.acc_seg: 74.0327, aux.loss_ce: 0.3349, aux.acc_seg: 73.2152, loss: 1.0895, grad_norm: 7.1721 2023-02-19 04:31:41,009 - mmseg - INFO - Iter [4600/160000] lr: 5.828e-05, eta: 15:54:44, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7034, decode.acc_seg: 75.2657, aux.loss_ce: 0.3183, aux.acc_seg: 73.8528, loss: 1.0217, grad_norm: 8.2115 2023-02-19 04:31:59,091 - mmseg - INFO - Iter [4650/160000] lr: 5.826e-05, eta: 15:54:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7182, decode.acc_seg: 75.1137, aux.loss_ce: 0.3233, aux.acc_seg: 74.0021, loss: 1.0414, grad_norm: 6.6470 2023-02-19 04:32:17,229 - mmseg - INFO - Iter [4700/160000] lr: 5.824e-05, eta: 15:53:46, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7288, decode.acc_seg: 74.1914, aux.loss_ce: 0.3197, aux.acc_seg: 73.6796, loss: 1.0484, grad_norm: 7.0525 2023-02-19 04:32:35,434 - mmseg - INFO - Iter [4750/160000] lr: 5.822e-05, eta: 15:53:21, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7024, decode.acc_seg: 74.9719, aux.loss_ce: 0.3137, aux.acc_seg: 73.9436, loss: 1.0161, grad_norm: 6.9030 2023-02-19 04:32:53,712 - mmseg - INFO - Iter [4800/160000] lr: 5.820e-05, eta: 15:52:57, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7296, decode.acc_seg: 74.3194, aux.loss_ce: 0.3324, aux.acc_seg: 73.1746, loss: 1.0620, grad_norm: 7.4358 2023-02-19 04:33:11,734 - mmseg - INFO - Iter [4850/160000] lr: 5.818e-05, eta: 15:52:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7123, decode.acc_seg: 74.0647, aux.loss_ce: 0.3120, aux.acc_seg: 72.7417, loss: 1.0243, grad_norm: 8.2462 2023-02-19 04:33:30,073 - mmseg - INFO - Iter [4900/160000] lr: 5.816e-05, eta: 15:52:05, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7220, decode.acc_seg: 74.1188, aux.loss_ce: 0.3198, aux.acc_seg: 73.1453, loss: 1.0418, grad_norm: 8.3598 2023-02-19 04:33:48,065 - mmseg - INFO - Iter [4950/160000] lr: 5.814e-05, eta: 15:51:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7064, decode.acc_seg: 74.6172, aux.loss_ce: 0.3156, aux.acc_seg: 73.8089, loss: 1.0220, grad_norm: 6.8472 2023-02-19 04:34:06,192 - mmseg - INFO - Saving checkpoint at 5000 iterations 2023-02-19 04:34:07,973 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:34:07,973 - mmseg - INFO - Iter [5000/160000] lr: 5.813e-05, eta: 15:52:02, time: 0.398, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7055, decode.acc_seg: 75.0203, aux.loss_ce: 0.3090, aux.acc_seg: 74.5435, loss: 1.0144, grad_norm: 7.0876 2023-02-19 04:34:25,982 - mmseg - INFO - Iter [5050/160000] lr: 5.811e-05, eta: 15:51:30, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7353, decode.acc_seg: 74.8115, aux.loss_ce: 0.3240, aux.acc_seg: 73.8610, loss: 1.0592, grad_norm: 7.1666 2023-02-19 04:34:46,272 - mmseg - INFO - Iter [5100/160000] lr: 5.809e-05, eta: 15:52:09, time: 0.406, data_time: 0.049, memory: 20662, decode.loss_ce: 0.6672, decode.acc_seg: 75.7422, aux.loss_ce: 0.3012, aux.acc_seg: 74.5126, loss: 0.9684, grad_norm: 12.4027 2023-02-19 04:35:04,298 - mmseg - INFO - Iter [5150/160000] lr: 5.807e-05, eta: 15:51:38, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7035, decode.acc_seg: 74.5563, aux.loss_ce: 0.3085, aux.acc_seg: 73.7733, loss: 1.0121, grad_norm: 6.8843 2023-02-19 04:35:22,543 - mmseg - INFO - Iter [5200/160000] lr: 5.805e-05, eta: 15:51:14, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6906, decode.acc_seg: 75.2999, aux.loss_ce: 0.3035, aux.acc_seg: 74.2655, loss: 0.9942, grad_norm: 6.2630 2023-02-19 04:35:40,660 - mmseg - INFO - Iter [5250/160000] lr: 5.803e-05, eta: 15:50:46, time: 0.362, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7252, decode.acc_seg: 74.4336, aux.loss_ce: 0.3207, aux.acc_seg: 73.5421, loss: 1.0459, grad_norm: 9.6124 2023-02-19 04:35:58,743 - mmseg - INFO - Iter [5300/160000] lr: 5.801e-05, eta: 15:50:17, time: 0.362, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6908, decode.acc_seg: 74.4372, aux.loss_ce: 0.3043, aux.acc_seg: 73.6687, loss: 0.9951, grad_norm: 7.2311 2023-02-19 04:36:16,650 - mmseg - INFO - Iter [5350/160000] lr: 5.799e-05, eta: 15:49:44, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6941, decode.acc_seg: 74.1284, aux.loss_ce: 0.3000, aux.acc_seg: 73.4828, loss: 0.9941, grad_norm: 7.5324 2023-02-19 04:36:34,550 - mmseg - INFO - Iter [5400/160000] lr: 5.798e-05, eta: 15:49:10, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6501, decode.acc_seg: 76.4195, aux.loss_ce: 0.2905, aux.acc_seg: 75.6185, loss: 0.9406, grad_norm: 7.3204 2023-02-19 04:36:52,530 - mmseg - INFO - Iter [5450/160000] lr: 5.796e-05, eta: 15:48:39, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6152, decode.acc_seg: 77.5717, aux.loss_ce: 0.2803, aux.acc_seg: 76.0858, loss: 0.8955, grad_norm: 6.4859 2023-02-19 04:37:10,464 - mmseg - INFO - Iter [5500/160000] lr: 5.794e-05, eta: 15:48:07, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7045, decode.acc_seg: 75.1245, aux.loss_ce: 0.3105, aux.acc_seg: 74.2551, loss: 1.0150, grad_norm: 8.2443 2023-02-19 04:37:28,495 - mmseg - INFO - Iter [5550/160000] lr: 5.792e-05, eta: 15:47:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6845, decode.acc_seg: 74.9304, aux.loss_ce: 0.3004, aux.acc_seg: 74.4284, loss: 0.9849, grad_norm: 7.5646 2023-02-19 04:37:46,547 - mmseg - INFO - Iter [5600/160000] lr: 5.790e-05, eta: 15:47:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6596, decode.acc_seg: 75.9089, aux.loss_ce: 0.2877, aux.acc_seg: 75.5333, loss: 0.9473, grad_norm: 10.5677 2023-02-19 04:38:04,552 - mmseg - INFO - Iter [5650/160000] lr: 5.788e-05, eta: 15:46:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6971, decode.acc_seg: 74.4252, aux.loss_ce: 0.3059, aux.acc_seg: 73.5145, loss: 1.0030, grad_norm: 7.4702 2023-02-19 04:38:22,729 - mmseg - INFO - Iter [5700/160000] lr: 5.786e-05, eta: 15:46:17, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6914, decode.acc_seg: 75.6421, aux.loss_ce: 0.3010, aux.acc_seg: 74.6325, loss: 0.9924, grad_norm: 6.7712 2023-02-19 04:38:41,234 - mmseg - INFO - Iter [5750/160000] lr: 5.784e-05, eta: 15:46:01, time: 0.370, data_time: 0.007, memory: 20662, decode.loss_ce: 0.6744, decode.acc_seg: 75.2724, aux.loss_ce: 0.2954, aux.acc_seg: 74.5953, loss: 0.9698, grad_norm: 7.3051 2023-02-19 04:38:59,171 - mmseg - INFO - Iter [5800/160000] lr: 5.783e-05, eta: 15:45:30, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6867, decode.acc_seg: 75.5295, aux.loss_ce: 0.3002, aux.acc_seg: 74.7350, loss: 0.9869, grad_norm: 7.5953 2023-02-19 04:39:17,223 - mmseg - INFO - Iter [5850/160000] lr: 5.781e-05, eta: 15:45:03, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7116, decode.acc_seg: 74.6845, aux.loss_ce: 0.3027, aux.acc_seg: 74.5167, loss: 1.0142, grad_norm: 8.2195 2023-02-19 04:39:35,124 - mmseg - INFO - Iter [5900/160000] lr: 5.779e-05, eta: 15:44:32, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6883, decode.acc_seg: 76.0017, aux.loss_ce: 0.2937, aux.acc_seg: 75.3631, loss: 0.9821, grad_norm: 7.6260 2023-02-19 04:39:53,061 - mmseg - INFO - Iter [5950/160000] lr: 5.777e-05, eta: 15:44:02, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6639, decode.acc_seg: 75.8242, aux.loss_ce: 0.2856, aux.acc_seg: 75.2129, loss: 0.9495, grad_norm: 8.9033 2023-02-19 04:40:11,015 - mmseg - INFO - Saving checkpoint at 6000 iterations 2023-02-19 04:40:12,768 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:40:12,768 - mmseg - INFO - Iter [6000/160000] lr: 5.775e-05, eta: 15:44:17, time: 0.394, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6976, decode.acc_seg: 75.6485, aux.loss_ce: 0.3004, aux.acc_seg: 74.8110, loss: 0.9980, grad_norm: 6.9106 2023-02-19 04:40:30,909 - mmseg - INFO - Iter [6050/160000] lr: 5.773e-05, eta: 15:43:52, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6947, decode.acc_seg: 75.6007, aux.loss_ce: 0.2999, aux.acc_seg: 74.8325, loss: 0.9946, grad_norm: 8.2682 2023-02-19 04:40:49,100 - mmseg - INFO - Iter [6100/160000] lr: 5.771e-05, eta: 15:43:29, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6756, decode.acc_seg: 76.2892, aux.loss_ce: 0.2915, aux.acc_seg: 75.8447, loss: 0.9671, grad_norm: 8.4276 2023-02-19 04:41:07,175 - mmseg - INFO - Iter [6150/160000] lr: 5.769e-05, eta: 15:43:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6912, decode.acc_seg: 75.6755, aux.loss_ce: 0.2988, aux.acc_seg: 75.0411, loss: 0.9900, grad_norm: 6.9549 2023-02-19 04:41:25,221 - mmseg - INFO - Iter [6200/160000] lr: 5.768e-05, eta: 15:42:35, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.7212, decode.acc_seg: 74.2256, aux.loss_ce: 0.3060, aux.acc_seg: 73.8849, loss: 1.0272, grad_norm: 6.3789 2023-02-19 04:41:43,410 - mmseg - INFO - Iter [6250/160000] lr: 5.766e-05, eta: 15:42:12, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.7263, decode.acc_seg: 74.2830, aux.loss_ce: 0.3050, aux.acc_seg: 74.0791, loss: 1.0314, grad_norm: 8.1101 2023-02-19 04:42:01,516 - mmseg - INFO - Iter [6300/160000] lr: 5.764e-05, eta: 15:41:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6692, decode.acc_seg: 75.5706, aux.loss_ce: 0.2887, aux.acc_seg: 75.1324, loss: 0.9578, grad_norm: 7.7589 2023-02-19 04:42:22,191 - mmseg - INFO - Iter [6350/160000] lr: 5.762e-05, eta: 15:42:24, time: 0.414, data_time: 0.051, memory: 20662, decode.loss_ce: 0.6489, decode.acc_seg: 76.0913, aux.loss_ce: 0.2800, aux.acc_seg: 75.5546, loss: 0.9289, grad_norm: 6.8879 2023-02-19 04:42:40,538 - mmseg - INFO - Iter [6400/160000] lr: 5.760e-05, eta: 15:42:04, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6469, decode.acc_seg: 76.8763, aux.loss_ce: 0.2820, aux.acc_seg: 76.3681, loss: 0.9289, grad_norm: 7.0584 2023-02-19 04:42:58,599 - mmseg - INFO - Iter [6450/160000] lr: 5.758e-05, eta: 15:41:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6215, decode.acc_seg: 76.9591, aux.loss_ce: 0.2696, aux.acc_seg: 76.4456, loss: 0.8911, grad_norm: 8.4669 2023-02-19 04:43:16,549 - mmseg - INFO - Iter [6500/160000] lr: 5.756e-05, eta: 15:41:09, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6523, decode.acc_seg: 76.1585, aux.loss_ce: 0.2816, aux.acc_seg: 75.2989, loss: 0.9339, grad_norm: 7.4401 2023-02-19 04:43:34,700 - mmseg - INFO - Iter [6550/160000] lr: 5.754e-05, eta: 15:40:45, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6940, decode.acc_seg: 75.9084, aux.loss_ce: 0.2944, aux.acc_seg: 75.1976, loss: 0.9884, grad_norm: 7.7329 2023-02-19 04:43:52,678 - mmseg - INFO - Iter [6600/160000] lr: 5.753e-05, eta: 15:40:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6783, decode.acc_seg: 75.6189, aux.loss_ce: 0.2919, aux.acc_seg: 75.0210, loss: 0.9702, grad_norm: 8.4585 2023-02-19 04:44:10,680 - mmseg - INFO - Iter [6650/160000] lr: 5.751e-05, eta: 15:39:50, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6545, decode.acc_seg: 75.8007, aux.loss_ce: 0.2871, aux.acc_seg: 74.8327, loss: 0.9416, grad_norm: 8.2014 2023-02-19 04:44:29,219 - mmseg - INFO - Iter [6700/160000] lr: 5.749e-05, eta: 15:39:35, time: 0.371, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6304, decode.acc_seg: 76.6475, aux.loss_ce: 0.2733, aux.acc_seg: 76.1874, loss: 0.9037, grad_norm: 8.3751 2023-02-19 04:44:47,272 - mmseg - INFO - Iter [6750/160000] lr: 5.747e-05, eta: 15:39:09, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6457, decode.acc_seg: 77.0001, aux.loss_ce: 0.2745, aux.acc_seg: 76.5705, loss: 0.9202, grad_norm: 6.3834 2023-02-19 04:45:05,291 - mmseg - INFO - Iter [6800/160000] lr: 5.745e-05, eta: 15:38:42, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6377, decode.acc_seg: 77.2120, aux.loss_ce: 0.2739, aux.acc_seg: 76.6965, loss: 0.9116, grad_norm: 7.3857 2023-02-19 04:45:23,406 - mmseg - INFO - Iter [6850/160000] lr: 5.743e-05, eta: 15:38:18, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6762, decode.acc_seg: 75.4603, aux.loss_ce: 0.2933, aux.acc_seg: 74.5020, loss: 0.9695, grad_norm: 7.4776 2023-02-19 04:45:41,351 - mmseg - INFO - Iter [6900/160000] lr: 5.741e-05, eta: 15:37:50, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6532, decode.acc_seg: 75.8632, aux.loss_ce: 0.2738, aux.acc_seg: 75.8825, loss: 0.9270, grad_norm: 7.0596 2023-02-19 04:45:59,314 - mmseg - INFO - Iter [6950/160000] lr: 5.739e-05, eta: 15:37:22, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6088, decode.acc_seg: 77.2235, aux.loss_ce: 0.2603, aux.acc_seg: 76.4644, loss: 0.8690, grad_norm: 7.2248 2023-02-19 04:46:17,317 - mmseg - INFO - Saving checkpoint at 7000 iterations 2023-02-19 04:46:19,038 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:46:19,038 - mmseg - INFO - Iter [7000/160000] lr: 5.738e-05, eta: 15:37:33, time: 0.395, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6784, decode.acc_seg: 75.9794, aux.loss_ce: 0.2803, aux.acc_seg: 75.4892, loss: 0.9587, grad_norm: 17.2197 2023-02-19 04:46:37,254 - mmseg - INFO - Iter [7050/160000] lr: 5.736e-05, eta: 15:37:11, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6145, decode.acc_seg: 78.0982, aux.loss_ce: 0.2665, aux.acc_seg: 77.3980, loss: 0.8810, grad_norm: 5.8850 2023-02-19 04:46:55,754 - mmseg - INFO - Iter [7100/160000] lr: 5.734e-05, eta: 15:36:55, time: 0.370, data_time: 0.007, memory: 20662, decode.loss_ce: 0.6329, decode.acc_seg: 77.4966, aux.loss_ce: 0.2692, aux.acc_seg: 76.8538, loss: 0.9021, grad_norm: 7.4549 2023-02-19 04:47:14,064 - mmseg - INFO - Iter [7150/160000] lr: 5.732e-05, eta: 15:36:35, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6676, decode.acc_seg: 75.7729, aux.loss_ce: 0.2870, aux.acc_seg: 75.3129, loss: 0.9545, grad_norm: 7.5475 2023-02-19 04:47:32,079 - mmseg - INFO - Iter [7200/160000] lr: 5.730e-05, eta: 15:36:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6694, decode.acc_seg: 76.2543, aux.loss_ce: 0.2816, aux.acc_seg: 76.1343, loss: 0.9510, grad_norm: 6.5765 2023-02-19 04:47:50,078 - mmseg - INFO - Iter [7250/160000] lr: 5.728e-05, eta: 15:35:43, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6437, decode.acc_seg: 77.4508, aux.loss_ce: 0.2713, aux.acc_seg: 76.9415, loss: 0.9150, grad_norm: 6.7239 2023-02-19 04:48:08,285 - mmseg - INFO - Iter [7300/160000] lr: 5.726e-05, eta: 15:35:21, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6844, decode.acc_seg: 76.4592, aux.loss_ce: 0.2867, aux.acc_seg: 76.0588, loss: 0.9711, grad_norm: 8.0103 2023-02-19 04:48:26,265 - mmseg - INFO - Iter [7350/160000] lr: 5.724e-05, eta: 15:34:54, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6210, decode.acc_seg: 77.1612, aux.loss_ce: 0.2645, aux.acc_seg: 76.9208, loss: 0.8855, grad_norm: 6.4518 2023-02-19 04:48:44,472 - mmseg - INFO - Iter [7400/160000] lr: 5.723e-05, eta: 15:34:32, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6498, decode.acc_seg: 76.2894, aux.loss_ce: 0.2727, aux.acc_seg: 75.9915, loss: 0.9226, grad_norm: 6.3482 2023-02-19 04:49:02,462 - mmseg - INFO - Iter [7450/160000] lr: 5.721e-05, eta: 15:34:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6661, decode.acc_seg: 75.8806, aux.loss_ce: 0.2793, aux.acc_seg: 75.5190, loss: 0.9454, grad_norm: 7.1334 2023-02-19 04:49:20,985 - mmseg - INFO - Iter [7500/160000] lr: 5.719e-05, eta: 15:33:51, time: 0.370, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6730, decode.acc_seg: 75.5342, aux.loss_ce: 0.2764, aux.acc_seg: 75.4978, loss: 0.9494, grad_norm: 7.4001 2023-02-19 04:49:38,907 - mmseg - INFO - Iter [7550/160000] lr: 5.717e-05, eta: 15:33:24, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6192, decode.acc_seg: 76.8474, aux.loss_ce: 0.2647, aux.acc_seg: 76.4004, loss: 0.8839, grad_norm: 7.9085 2023-02-19 04:49:59,184 - mmseg - INFO - Iter [7600/160000] lr: 5.715e-05, eta: 15:33:43, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.6637, decode.acc_seg: 75.9741, aux.loss_ce: 0.2825, aux.acc_seg: 75.3575, loss: 0.9462, grad_norm: 7.2926 2023-02-19 04:50:17,172 - mmseg - INFO - Iter [7650/160000] lr: 5.713e-05, eta: 15:33:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5873, decode.acc_seg: 78.4752, aux.loss_ce: 0.2533, aux.acc_seg: 77.8956, loss: 0.8406, grad_norm: 6.2746 2023-02-19 04:50:35,133 - mmseg - INFO - Iter [7700/160000] lr: 5.711e-05, eta: 15:32:51, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6238, decode.acc_seg: 77.4150, aux.loss_ce: 0.2653, aux.acc_seg: 76.7095, loss: 0.8891, grad_norm: 6.8070 2023-02-19 04:50:53,145 - mmseg - INFO - Iter [7750/160000] lr: 5.709e-05, eta: 15:32:25, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6088, decode.acc_seg: 77.4064, aux.loss_ce: 0.2577, aux.acc_seg: 76.5646, loss: 0.8665, grad_norm: 7.8447 2023-02-19 04:51:11,209 - mmseg - INFO - Iter [7800/160000] lr: 5.708e-05, eta: 15:32:01, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6008, decode.acc_seg: 78.3064, aux.loss_ce: 0.2545, aux.acc_seg: 77.7292, loss: 0.8553, grad_norm: 7.7623 2023-02-19 04:51:29,227 - mmseg - INFO - Iter [7850/160000] lr: 5.706e-05, eta: 15:31:35, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6026, decode.acc_seg: 78.3215, aux.loss_ce: 0.2609, aux.acc_seg: 77.6924, loss: 0.8635, grad_norm: 5.8027 2023-02-19 04:51:47,257 - mmseg - INFO - Iter [7900/160000] lr: 5.704e-05, eta: 15:31:11, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5811, decode.acc_seg: 78.7426, aux.loss_ce: 0.2491, aux.acc_seg: 77.8071, loss: 0.8302, grad_norm: 6.3565 2023-02-19 04:52:05,259 - mmseg - INFO - Iter [7950/160000] lr: 5.702e-05, eta: 15:30:45, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6098, decode.acc_seg: 77.5313, aux.loss_ce: 0.2582, aux.acc_seg: 77.1214, loss: 0.8681, grad_norm: 7.6942 2023-02-19 04:52:23,226 - mmseg - INFO - Saving checkpoint at 8000 iterations 2023-02-19 04:52:24,985 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:52:24,986 - mmseg - INFO - Iter [8000/160000] lr: 5.700e-05, eta: 15:30:53, time: 0.395, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6439, decode.acc_seg: 76.9070, aux.loss_ce: 0.2715, aux.acc_seg: 76.1835, loss: 0.9154, grad_norm: 7.8117 2023-02-19 04:52:43,061 - mmseg - INFO - Iter [8050/160000] lr: 5.698e-05, eta: 15:30:29, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6479, decode.acc_seg: 76.5002, aux.loss_ce: 0.2679, aux.acc_seg: 76.5896, loss: 0.9158, grad_norm: 10.8075 2023-02-19 04:53:00,948 - mmseg - INFO - Iter [8100/160000] lr: 5.696e-05, eta: 15:30:01, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5965, decode.acc_seg: 78.4336, aux.loss_ce: 0.2557, aux.acc_seg: 77.5770, loss: 0.8522, grad_norm: 7.5654 2023-02-19 04:53:19,093 - mmseg - INFO - Iter [8150/160000] lr: 5.694e-05, eta: 15:29:39, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6035, decode.acc_seg: 77.8493, aux.loss_ce: 0.2548, aux.acc_seg: 77.2511, loss: 0.8584, grad_norm: 6.7640 2023-02-19 04:53:37,095 - mmseg - INFO - Iter [8200/160000] lr: 5.693e-05, eta: 15:29:14, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6070, decode.acc_seg: 77.9246, aux.loss_ce: 0.2572, aux.acc_seg: 77.0834, loss: 0.8642, grad_norm: 9.4640 2023-02-19 04:53:55,022 - mmseg - INFO - Iter [8250/160000] lr: 5.691e-05, eta: 15:28:47, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6137, decode.acc_seg: 77.8657, aux.loss_ce: 0.2602, aux.acc_seg: 77.1901, loss: 0.8739, grad_norm: 7.3823 2023-02-19 04:54:13,301 - mmseg - INFO - Iter [8300/160000] lr: 5.689e-05, eta: 15:28:27, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5903, decode.acc_seg: 78.2523, aux.loss_ce: 0.2496, aux.acc_seg: 77.4225, loss: 0.8400, grad_norm: 6.9208 2023-02-19 04:54:31,216 - mmseg - INFO - Iter [8350/160000] lr: 5.687e-05, eta: 15:28:01, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6042, decode.acc_seg: 77.8019, aux.loss_ce: 0.2578, aux.acc_seg: 77.2949, loss: 0.8620, grad_norm: 6.2939 2023-02-19 04:54:49,125 - mmseg - INFO - Iter [8400/160000] lr: 5.685e-05, eta: 15:27:34, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6101, decode.acc_seg: 78.4200, aux.loss_ce: 0.2592, aux.acc_seg: 77.5747, loss: 0.8692, grad_norm: 7.8959 2023-02-19 04:55:07,335 - mmseg - INFO - Iter [8450/160000] lr: 5.683e-05, eta: 15:27:13, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6226, decode.acc_seg: 77.3299, aux.loss_ce: 0.2589, aux.acc_seg: 77.0521, loss: 0.8815, grad_norm: 6.2820 2023-02-19 04:55:25,438 - mmseg - INFO - Iter [8500/160000] lr: 5.681e-05, eta: 15:26:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6419, decode.acc_seg: 76.4584, aux.loss_ce: 0.2692, aux.acc_seg: 76.3449, loss: 0.9111, grad_norm: 7.4936 2023-02-19 04:55:43,415 - mmseg - INFO - Iter [8550/160000] lr: 5.679e-05, eta: 15:26:26, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6150, decode.acc_seg: 77.9463, aux.loss_ce: 0.2555, aux.acc_seg: 77.4746, loss: 0.8705, grad_norm: 6.3077 2023-02-19 04:56:01,481 - mmseg - INFO - Iter [8600/160000] lr: 5.678e-05, eta: 15:26:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6379, decode.acc_seg: 76.8501, aux.loss_ce: 0.2684, aux.acc_seg: 76.0620, loss: 0.9063, grad_norm: 8.5000 2023-02-19 04:56:19,625 - mmseg - INFO - Iter [8650/160000] lr: 5.676e-05, eta: 15:25:40, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6161, decode.acc_seg: 77.5981, aux.loss_ce: 0.2621, aux.acc_seg: 76.4272, loss: 0.8782, grad_norm: 7.3442 2023-02-19 04:56:37,645 - mmseg - INFO - Iter [8700/160000] lr: 5.674e-05, eta: 15:25:16, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6240, decode.acc_seg: 76.8993, aux.loss_ce: 0.2594, aux.acc_seg: 76.4935, loss: 0.8834, grad_norm: 8.5988 2023-02-19 04:56:55,607 - mmseg - INFO - Iter [8750/160000] lr: 5.672e-05, eta: 15:24:51, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6214, decode.acc_seg: 77.4312, aux.loss_ce: 0.2615, aux.acc_seg: 77.1971, loss: 0.8828, grad_norm: 6.5387 2023-02-19 04:57:13,559 - mmseg - INFO - Iter [8800/160000] lr: 5.670e-05, eta: 15:24:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6071, decode.acc_seg: 77.9211, aux.loss_ce: 0.2554, aux.acc_seg: 77.3730, loss: 0.8625, grad_norm: 8.1466 2023-02-19 04:57:33,775 - mmseg - INFO - Iter [8850/160000] lr: 5.668e-05, eta: 15:24:40, time: 0.404, data_time: 0.050, memory: 20662, decode.loss_ce: 0.6048, decode.acc_seg: 77.7361, aux.loss_ce: 0.2502, aux.acc_seg: 77.6165, loss: 0.8550, grad_norm: 5.8399 2023-02-19 04:57:51,743 - mmseg - INFO - Iter [8900/160000] lr: 5.666e-05, eta: 15:24:15, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5830, decode.acc_seg: 78.7702, aux.loss_ce: 0.2481, aux.acc_seg: 77.8723, loss: 0.8310, grad_norm: 5.7303 2023-02-19 04:58:09,703 - mmseg - INFO - Iter [8950/160000] lr: 5.664e-05, eta: 15:23:50, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5979, decode.acc_seg: 77.4310, aux.loss_ce: 0.2499, aux.acc_seg: 76.9133, loss: 0.8478, grad_norm: 7.2048 2023-02-19 04:58:27,814 - mmseg - INFO - Saving checkpoint at 9000 iterations 2023-02-19 04:58:29,553 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 04:58:29,553 - mmseg - INFO - Iter [9000/160000] lr: 5.663e-05, eta: 15:23:57, time: 0.397, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5825, decode.acc_seg: 79.2687, aux.loss_ce: 0.2480, aux.acc_seg: 78.3487, loss: 0.8305, grad_norm: 6.2171 2023-02-19 04:58:47,577 - mmseg - INFO - Iter [9050/160000] lr: 5.661e-05, eta: 15:23:33, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5877, decode.acc_seg: 78.5406, aux.loss_ce: 0.2499, aux.acc_seg: 77.8512, loss: 0.8376, grad_norm: 6.4212 2023-02-19 04:59:05,612 - mmseg - INFO - Iter [9100/160000] lr: 5.659e-05, eta: 15:23:09, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5769, decode.acc_seg: 78.2633, aux.loss_ce: 0.2440, aux.acc_seg: 77.9224, loss: 0.8209, grad_norm: 7.8833 2023-02-19 04:59:23,635 - mmseg - INFO - Iter [9150/160000] lr: 5.657e-05, eta: 15:22:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5728, decode.acc_seg: 79.1830, aux.loss_ce: 0.2423, aux.acc_seg: 78.6433, loss: 0.8150, grad_norm: 7.5934 2023-02-19 04:59:41,657 - mmseg - INFO - Iter [9200/160000] lr: 5.655e-05, eta: 15:22:22, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5584, decode.acc_seg: 78.9903, aux.loss_ce: 0.2387, aux.acc_seg: 78.6344, loss: 0.7971, grad_norm: 5.6307 2023-02-19 05:00:00,029 - mmseg - INFO - Iter [9250/160000] lr: 5.653e-05, eta: 15:22:04, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5683, decode.acc_seg: 79.1738, aux.loss_ce: 0.2447, aux.acc_seg: 78.5735, loss: 0.8130, grad_norm: 7.0234 2023-02-19 05:00:18,344 - mmseg - INFO - Iter [9300/160000] lr: 5.651e-05, eta: 15:21:45, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5857, decode.acc_seg: 77.7450, aux.loss_ce: 0.2454, aux.acc_seg: 77.6364, loss: 0.8311, grad_norm: 6.2544 2023-02-19 05:00:36,331 - mmseg - INFO - Iter [9350/160000] lr: 5.649e-05, eta: 15:21:21, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6019, decode.acc_seg: 77.7845, aux.loss_ce: 0.2522, aux.acc_seg: 77.1691, loss: 0.8541, grad_norm: 7.2359 2023-02-19 05:00:54,361 - mmseg - INFO - Iter [9400/160000] lr: 5.648e-05, eta: 15:20:57, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5712, decode.acc_seg: 79.3487, aux.loss_ce: 0.2446, aux.acc_seg: 78.5064, loss: 0.8158, grad_norm: 7.2462 2023-02-19 05:01:12,356 - mmseg - INFO - Iter [9450/160000] lr: 5.646e-05, eta: 15:20:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5733, decode.acc_seg: 78.8417, aux.loss_ce: 0.2405, aux.acc_seg: 78.1678, loss: 0.8138, grad_norm: 7.3428 2023-02-19 05:01:30,359 - mmseg - INFO - Iter [9500/160000] lr: 5.644e-05, eta: 15:20:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6201, decode.acc_seg: 77.8779, aux.loss_ce: 0.2629, aux.acc_seg: 77.1434, loss: 0.8830, grad_norm: 7.5160 2023-02-19 05:01:48,401 - mmseg - INFO - Iter [9550/160000] lr: 5.642e-05, eta: 15:19:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6021, decode.acc_seg: 78.3907, aux.loss_ce: 0.2535, aux.acc_seg: 77.9234, loss: 0.8556, grad_norm: 6.9345 2023-02-19 05:02:06,377 - mmseg - INFO - Iter [9600/160000] lr: 5.640e-05, eta: 15:19:22, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5896, decode.acc_seg: 78.5447, aux.loss_ce: 0.2476, aux.acc_seg: 77.6883, loss: 0.8372, grad_norm: 7.7654 2023-02-19 05:02:24,435 - mmseg - INFO - Iter [9650/160000] lr: 5.638e-05, eta: 15:19:00, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.6090, decode.acc_seg: 77.5440, aux.loss_ce: 0.2557, aux.acc_seg: 76.9065, loss: 0.8648, grad_norm: 6.0327 2023-02-19 05:02:42,490 - mmseg - INFO - Iter [9700/160000] lr: 5.636e-05, eta: 15:18:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6241, decode.acc_seg: 77.4071, aux.loss_ce: 0.2595, aux.acc_seg: 76.8745, loss: 0.8837, grad_norm: 5.7456 2023-02-19 05:03:00,919 - mmseg - INFO - Iter [9750/160000] lr: 5.634e-05, eta: 15:18:20, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5866, decode.acc_seg: 78.2799, aux.loss_ce: 0.2461, aux.acc_seg: 77.8179, loss: 0.8328, grad_norm: 7.0321 2023-02-19 05:03:19,224 - mmseg - INFO - Iter [9800/160000] lr: 5.633e-05, eta: 15:18:01, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6148, decode.acc_seg: 77.3416, aux.loss_ce: 0.2570, aux.acc_seg: 77.0696, loss: 0.8719, grad_norm: 7.1777 2023-02-19 05:03:37,234 - mmseg - INFO - Iter [9850/160000] lr: 5.631e-05, eta: 15:17:38, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5630, decode.acc_seg: 78.7825, aux.loss_ce: 0.2380, aux.acc_seg: 78.3200, loss: 0.8010, grad_norm: 7.2241 2023-02-19 05:03:55,576 - mmseg - INFO - Iter [9900/160000] lr: 5.629e-05, eta: 15:17:20, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5885, decode.acc_seg: 78.7372, aux.loss_ce: 0.2463, aux.acc_seg: 78.2564, loss: 0.8349, grad_norm: 6.4836 2023-02-19 05:04:13,668 - mmseg - INFO - Iter [9950/160000] lr: 5.627e-05, eta: 15:16:58, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5969, decode.acc_seg: 77.8073, aux.loss_ce: 0.2509, aux.acc_seg: 76.9059, loss: 0.8478, grad_norm: 7.1361 2023-02-19 05:04:32,258 - mmseg - INFO - Saving checkpoint at 10000 iterations 2023-02-19 05:04:34,006 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:04:34,006 - mmseg - INFO - Iter [10000/160000] lr: 5.625e-05, eta: 15:17:09, time: 0.407, data_time: 0.007, memory: 20662, decode.loss_ce: 0.6562, decode.acc_seg: 76.7946, aux.loss_ce: 0.2702, aux.acc_seg: 76.5723, loss: 0.9264, grad_norm: 7.3570 2023-02-19 05:04:52,034 - mmseg - INFO - Iter [10050/160000] lr: 5.623e-05, eta: 15:16:46, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5991, decode.acc_seg: 78.6018, aux.loss_ce: 0.2544, aux.acc_seg: 78.0901, loss: 0.8535, grad_norm: 5.9665 2023-02-19 05:05:10,004 - mmseg - INFO - Iter [10100/160000] lr: 5.621e-05, eta: 15:16:22, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6085, decode.acc_seg: 77.8793, aux.loss_ce: 0.2559, aux.acc_seg: 77.2212, loss: 0.8644, grad_norm: 6.1347 2023-02-19 05:05:30,271 - mmseg - INFO - Iter [10150/160000] lr: 5.619e-05, eta: 15:16:33, time: 0.405, data_time: 0.050, memory: 20662, decode.loss_ce: 0.5442, decode.acc_seg: 80.0413, aux.loss_ce: 0.2291, aux.acc_seg: 79.6710, loss: 0.7733, grad_norm: 6.2275 2023-02-19 05:05:48,482 - mmseg - INFO - Iter [10200/160000] lr: 5.618e-05, eta: 15:16:12, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5678, decode.acc_seg: 79.1780, aux.loss_ce: 0.2386, aux.acc_seg: 78.6011, loss: 0.8064, grad_norm: 6.0394 2023-02-19 05:06:06,468 - mmseg - INFO - Iter [10250/160000] lr: 5.616e-05, eta: 15:15:48, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5451, decode.acc_seg: 79.9265, aux.loss_ce: 0.2326, aux.acc_seg: 78.9272, loss: 0.7777, grad_norm: 6.4802 2023-02-19 05:06:24,531 - mmseg - INFO - Iter [10300/160000] lr: 5.614e-05, eta: 15:15:26, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5579, decode.acc_seg: 79.1592, aux.loss_ce: 0.2412, aux.acc_seg: 77.9112, loss: 0.7991, grad_norm: 6.8199 2023-02-19 05:06:42,829 - mmseg - INFO - Iter [10350/160000] lr: 5.612e-05, eta: 15:15:07, time: 0.366, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5496, decode.acc_seg: 79.5659, aux.loss_ce: 0.2307, aux.acc_seg: 79.4502, loss: 0.7802, grad_norm: 6.9957 2023-02-19 05:07:00,938 - mmseg - INFO - Iter [10400/160000] lr: 5.610e-05, eta: 15:14:45, time: 0.362, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5444, decode.acc_seg: 79.5449, aux.loss_ce: 0.2298, aux.acc_seg: 79.0983, loss: 0.7742, grad_norm: 6.2017 2023-02-19 05:07:18,939 - mmseg - INFO - Iter [10450/160000] lr: 5.608e-05, eta: 15:14:22, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5644, decode.acc_seg: 79.4950, aux.loss_ce: 0.2355, aux.acc_seg: 78.9303, loss: 0.7999, grad_norm: 6.2966 2023-02-19 05:07:36,968 - mmseg - INFO - Iter [10500/160000] lr: 5.606e-05, eta: 15:13:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5718, decode.acc_seg: 78.5739, aux.loss_ce: 0.2418, aux.acc_seg: 77.7852, loss: 0.8136, grad_norm: 6.5586 2023-02-19 05:07:55,027 - mmseg - INFO - Iter [10550/160000] lr: 5.604e-05, eta: 15:13:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5917, decode.acc_seg: 78.1947, aux.loss_ce: 0.2472, aux.acc_seg: 77.6736, loss: 0.8388, grad_norm: 5.8565 2023-02-19 05:08:13,299 - mmseg - INFO - Iter [10600/160000] lr: 5.603e-05, eta: 15:13:18, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5511, decode.acc_seg: 79.4201, aux.loss_ce: 0.2335, aux.acc_seg: 78.7034, loss: 0.7846, grad_norm: 5.8860 2023-02-19 05:08:31,537 - mmseg - INFO - Iter [10650/160000] lr: 5.601e-05, eta: 15:12:58, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5935, decode.acc_seg: 78.4743, aux.loss_ce: 0.2476, aux.acc_seg: 77.9020, loss: 0.8411, grad_norm: 7.0554 2023-02-19 05:08:49,950 - mmseg - INFO - Iter [10700/160000] lr: 5.599e-05, eta: 15:12:40, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.5728, decode.acc_seg: 79.1238, aux.loss_ce: 0.2390, aux.acc_seg: 78.9986, loss: 0.8118, grad_norm: 6.7896 2023-02-19 05:09:08,018 - mmseg - INFO - Iter [10750/160000] lr: 5.597e-05, eta: 15:12:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5889, decode.acc_seg: 77.9284, aux.loss_ce: 0.2452, aux.acc_seg: 77.7502, loss: 0.8341, grad_norm: 5.8094 2023-02-19 05:09:26,276 - mmseg - INFO - Iter [10800/160000] lr: 5.595e-05, eta: 15:11:59, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5627, decode.acc_seg: 79.1064, aux.loss_ce: 0.2365, aux.acc_seg: 78.5912, loss: 0.7992, grad_norm: 7.3187 2023-02-19 05:09:44,320 - mmseg - INFO - Iter [10850/160000] lr: 5.593e-05, eta: 15:11:36, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5667, decode.acc_seg: 79.2372, aux.loss_ce: 0.2422, aux.acc_seg: 78.2909, loss: 0.8088, grad_norm: 7.2062 2023-02-19 05:10:02,345 - mmseg - INFO - Iter [10900/160000] lr: 5.591e-05, eta: 15:11:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.6043, decode.acc_seg: 77.9419, aux.loss_ce: 0.2583, aux.acc_seg: 77.1499, loss: 0.8625, grad_norm: 8.8524 2023-02-19 05:10:20,353 - mmseg - INFO - Iter [10950/160000] lr: 5.589e-05, eta: 15:10:51, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5843, decode.acc_seg: 78.4885, aux.loss_ce: 0.2492, aux.acc_seg: 77.4925, loss: 0.8335, grad_norm: 6.2825 2023-02-19 05:10:38,328 - mmseg - INFO - Saving checkpoint at 11000 iterations 2023-02-19 05:10:40,207 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:10:40,207 - mmseg - INFO - Iter [11000/160000] lr: 5.588e-05, eta: 15:10:53, time: 0.397, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5724, decode.acc_seg: 78.5339, aux.loss_ce: 0.2432, aux.acc_seg: 77.7517, loss: 0.8156, grad_norm: 7.0746 2023-02-19 05:10:58,280 - mmseg - INFO - Iter [11050/160000] lr: 5.586e-05, eta: 15:10:31, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5931, decode.acc_seg: 78.4235, aux.loss_ce: 0.2492, aux.acc_seg: 77.9454, loss: 0.8422, grad_norm: 6.3438 2023-02-19 05:11:16,519 - mmseg - INFO - Iter [11100/160000] lr: 5.584e-05, eta: 15:10:12, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5642, decode.acc_seg: 78.6759, aux.loss_ce: 0.2390, aux.acc_seg: 77.8474, loss: 0.8032, grad_norm: 6.0945 2023-02-19 05:11:34,711 - mmseg - INFO - Iter [11150/160000] lr: 5.582e-05, eta: 15:09:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5372, decode.acc_seg: 79.5047, aux.loss_ce: 0.2255, aux.acc_seg: 79.2391, loss: 0.7627, grad_norm: 6.9645 2023-02-19 05:11:53,205 - mmseg - INFO - Iter [11200/160000] lr: 5.580e-05, eta: 15:09:35, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5743, decode.acc_seg: 78.6928, aux.loss_ce: 0.2399, aux.acc_seg: 78.0680, loss: 0.8141, grad_norm: 5.8777 2023-02-19 05:12:11,339 - mmseg - INFO - Iter [11250/160000] lr: 5.578e-05, eta: 15:09:14, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5852, decode.acc_seg: 78.4212, aux.loss_ce: 0.2472, aux.acc_seg: 77.8368, loss: 0.8324, grad_norm: 9.1822 2023-02-19 05:12:29,432 - mmseg - INFO - Iter [11300/160000] lr: 5.576e-05, eta: 15:08:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5773, decode.acc_seg: 79.0142, aux.loss_ce: 0.2399, aux.acc_seg: 78.6361, loss: 0.8172, grad_norm: 5.7622 2023-02-19 05:12:47,539 - mmseg - INFO - Iter [11350/160000] lr: 5.574e-05, eta: 15:08:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5391, decode.acc_seg: 79.5364, aux.loss_ce: 0.2284, aux.acc_seg: 79.1231, loss: 0.7675, grad_norm: 6.4058 2023-02-19 05:13:08,107 - mmseg - INFO - Iter [11400/160000] lr: 5.573e-05, eta: 15:08:42, time: 0.411, data_time: 0.050, memory: 20662, decode.loss_ce: 0.5645, decode.acc_seg: 79.8672, aux.loss_ce: 0.2398, aux.acc_seg: 78.7633, loss: 0.8043, grad_norm: 6.6144 2023-02-19 05:13:26,286 - mmseg - INFO - Iter [11450/160000] lr: 5.571e-05, eta: 15:08:21, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5184, decode.acc_seg: 80.7420, aux.loss_ce: 0.2229, aux.acc_seg: 79.7053, loss: 0.7412, grad_norm: 5.2525 2023-02-19 05:13:44,330 - mmseg - INFO - Iter [11500/160000] lr: 5.569e-05, eta: 15:07:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5598, decode.acc_seg: 79.5734, aux.loss_ce: 0.2342, aux.acc_seg: 78.8356, loss: 0.7940, grad_norm: 6.3259 2023-02-19 05:14:02,509 - mmseg - INFO - Iter [11550/160000] lr: 5.567e-05, eta: 15:07:39, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5210, decode.acc_seg: 80.3022, aux.loss_ce: 0.2197, aux.acc_seg: 79.7796, loss: 0.7407, grad_norm: 5.9642 2023-02-19 05:14:20,854 - mmseg - INFO - Iter [11600/160000] lr: 5.565e-05, eta: 15:07:20, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5771, decode.acc_seg: 78.8709, aux.loss_ce: 0.2416, aux.acc_seg: 78.2702, loss: 0.8186, grad_norm: 7.2947 2023-02-19 05:14:38,810 - mmseg - INFO - Iter [11650/160000] lr: 5.563e-05, eta: 15:06:57, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5540, decode.acc_seg: 79.0955, aux.loss_ce: 0.2344, aux.acc_seg: 78.5481, loss: 0.7884, grad_norm: 6.7799 2023-02-19 05:14:57,043 - mmseg - INFO - Iter [11700/160000] lr: 5.561e-05, eta: 15:06:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5454, decode.acc_seg: 79.5582, aux.loss_ce: 0.2289, aux.acc_seg: 79.1202, loss: 0.7743, grad_norm: 6.2293 2023-02-19 05:15:15,175 - mmseg - INFO - Iter [11750/160000] lr: 5.559e-05, eta: 15:06:16, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5646, decode.acc_seg: 79.7902, aux.loss_ce: 0.2379, aux.acc_seg: 79.3647, loss: 0.8025, grad_norm: 6.9146 2023-02-19 05:15:33,185 - mmseg - INFO - Iter [11800/160000] lr: 5.558e-05, eta: 15:05:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5309, decode.acc_seg: 80.0540, aux.loss_ce: 0.2240, aux.acc_seg: 79.3476, loss: 0.7550, grad_norm: 7.6924 2023-02-19 05:15:51,555 - mmseg - INFO - Iter [11850/160000] lr: 5.556e-05, eta: 15:05:36, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5226, decode.acc_seg: 81.2388, aux.loss_ce: 0.2228, aux.acc_seg: 80.3756, loss: 0.7454, grad_norm: 5.8900 2023-02-19 05:16:09,744 - mmseg - INFO - Iter [11900/160000] lr: 5.554e-05, eta: 15:05:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5371, decode.acc_seg: 80.7306, aux.loss_ce: 0.2281, aux.acc_seg: 79.9168, loss: 0.7652, grad_norm: 5.8100 2023-02-19 05:16:27,764 - mmseg - INFO - Iter [11950/160000] lr: 5.552e-05, eta: 15:04:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5608, decode.acc_seg: 79.3003, aux.loss_ce: 0.2349, aux.acc_seg: 78.8982, loss: 0.7957, grad_norm: 5.8841 2023-02-19 05:16:45,884 - mmseg - INFO - Saving checkpoint at 12000 iterations 2023-02-19 05:16:47,617 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:16:47,617 - mmseg - INFO - Iter [12000/160000] lr: 5.550e-05, eta: 15:04:54, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5244, decode.acc_seg: 80.9438, aux.loss_ce: 0.2164, aux.acc_seg: 80.6528, loss: 0.7408, grad_norm: 6.4950 2023-02-19 05:17:05,662 - mmseg - INFO - Iter [12050/160000] lr: 5.548e-05, eta: 15:04:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5240, decode.acc_seg: 80.8496, aux.loss_ce: 0.2243, aux.acc_seg: 79.9847, loss: 0.7483, grad_norm: 6.0437 2023-02-19 05:17:24,034 - mmseg - INFO - Iter [12100/160000] lr: 5.546e-05, eta: 15:04:14, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5451, decode.acc_seg: 79.8033, aux.loss_ce: 0.2287, aux.acc_seg: 79.0436, loss: 0.7738, grad_norm: 6.8550 2023-02-19 05:17:42,023 - mmseg - INFO - Iter [12150/160000] lr: 5.544e-05, eta: 15:03:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5579, decode.acc_seg: 79.4726, aux.loss_ce: 0.2367, aux.acc_seg: 78.9719, loss: 0.7945, grad_norm: 6.8705 2023-02-19 05:18:00,040 - mmseg - INFO - Iter [12200/160000] lr: 5.543e-05, eta: 15:03:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5347, decode.acc_seg: 80.1368, aux.loss_ce: 0.2271, aux.acc_seg: 79.3071, loss: 0.7618, grad_norm: 7.2620 2023-02-19 05:18:18,000 - mmseg - INFO - Iter [12250/160000] lr: 5.541e-05, eta: 15:03:06, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5475, decode.acc_seg: 79.2791, aux.loss_ce: 0.2280, aux.acc_seg: 79.0989, loss: 0.7755, grad_norm: 9.4256 2023-02-19 05:18:35,976 - mmseg - INFO - Iter [12300/160000] lr: 5.539e-05, eta: 15:02:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5274, decode.acc_seg: 80.6033, aux.loss_ce: 0.2187, aux.acc_seg: 80.0717, loss: 0.7461, grad_norm: 6.0644 2023-02-19 05:18:53,942 - mmseg - INFO - Iter [12350/160000] lr: 5.537e-05, eta: 15:02:21, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5615, decode.acc_seg: 79.3397, aux.loss_ce: 0.2355, aux.acc_seg: 78.6424, loss: 0.7969, grad_norm: 6.3280 2023-02-19 05:19:11,870 - mmseg - INFO - Iter [12400/160000] lr: 5.535e-05, eta: 15:01:58, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5258, decode.acc_seg: 79.9685, aux.loss_ce: 0.2223, aux.acc_seg: 79.2250, loss: 0.7481, grad_norm: 6.7717 2023-02-19 05:19:30,279 - mmseg - INFO - Iter [12450/160000] lr: 5.533e-05, eta: 15:01:40, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5531, decode.acc_seg: 79.2973, aux.loss_ce: 0.2364, aux.acc_seg: 78.6020, loss: 0.7895, grad_norm: 6.1987 2023-02-19 05:19:48,259 - mmseg - INFO - Iter [12500/160000] lr: 5.531e-05, eta: 15:01:18, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5616, decode.acc_seg: 78.9582, aux.loss_ce: 0.2345, aux.acc_seg: 78.6076, loss: 0.7961, grad_norm: 5.6767 2023-02-19 05:20:06,253 - mmseg - INFO - Iter [12550/160000] lr: 5.529e-05, eta: 15:00:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5467, decode.acc_seg: 79.9972, aux.loss_ce: 0.2286, aux.acc_seg: 79.1269, loss: 0.7753, grad_norm: 5.8746 2023-02-19 05:20:24,441 - mmseg - INFO - Iter [12600/160000] lr: 5.528e-05, eta: 15:00:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5441, decode.acc_seg: 80.0292, aux.loss_ce: 0.2303, aux.acc_seg: 79.2682, loss: 0.7744, grad_norm: 6.9153 2023-02-19 05:20:44,809 - mmseg - INFO - Iter [12650/160000] lr: 5.526e-05, eta: 15:00:41, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.5266, decode.acc_seg: 80.6464, aux.loss_ce: 0.2246, aux.acc_seg: 79.9570, loss: 0.7513, grad_norm: 7.0718 2023-02-19 05:21:02,845 - mmseg - INFO - Iter [12700/160000] lr: 5.524e-05, eta: 15:00:19, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5333, decode.acc_seg: 80.2532, aux.loss_ce: 0.2272, aux.acc_seg: 79.3077, loss: 0.7605, grad_norm: 5.8876 2023-02-19 05:21:20,906 - mmseg - INFO - Iter [12750/160000] lr: 5.522e-05, eta: 14:59:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5226, decode.acc_seg: 80.7076, aux.loss_ce: 0.2254, aux.acc_seg: 79.6298, loss: 0.7480, grad_norm: 5.2537 2023-02-19 05:21:38,975 - mmseg - INFO - Iter [12800/160000] lr: 5.520e-05, eta: 14:59:36, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5056, decode.acc_seg: 81.3515, aux.loss_ce: 0.2133, aux.acc_seg: 80.5813, loss: 0.7189, grad_norm: 5.1905 2023-02-19 05:21:57,131 - mmseg - INFO - Iter [12850/160000] lr: 5.518e-05, eta: 14:59:16, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5129, decode.acc_seg: 80.3197, aux.loss_ce: 0.2218, aux.acc_seg: 79.2672, loss: 0.7347, grad_norm: 5.1162 2023-02-19 05:22:15,142 - mmseg - INFO - Iter [12900/160000] lr: 5.516e-05, eta: 14:58:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5029, decode.acc_seg: 80.5808, aux.loss_ce: 0.2151, aux.acc_seg: 79.8617, loss: 0.7180, grad_norm: 6.3987 2023-02-19 05:22:33,210 - mmseg - INFO - Iter [12950/160000] lr: 5.514e-05, eta: 14:58:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5184, decode.acc_seg: 80.6853, aux.loss_ce: 0.2204, aux.acc_seg: 79.9355, loss: 0.7388, grad_norm: 5.7666 2023-02-19 05:22:51,239 - mmseg - INFO - Saving checkpoint at 13000 iterations 2023-02-19 05:22:52,962 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:22:52,963 - mmseg - INFO - Iter [13000/160000] lr: 5.513e-05, eta: 14:58:30, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5629, decode.acc_seg: 78.8690, aux.loss_ce: 0.2351, aux.acc_seg: 78.2856, loss: 0.7980, grad_norm: 6.7765 2023-02-19 05:23:10,898 - mmseg - INFO - Iter [13050/160000] lr: 5.511e-05, eta: 14:58:07, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5095, decode.acc_seg: 80.7587, aux.loss_ce: 0.2131, aux.acc_seg: 80.2309, loss: 0.7226, grad_norm: 5.3618 2023-02-19 05:23:28,879 - mmseg - INFO - Iter [13100/160000] lr: 5.509e-05, eta: 14:57:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5098, decode.acc_seg: 80.8166, aux.loss_ce: 0.2141, aux.acc_seg: 79.9739, loss: 0.7239, grad_norm: 6.5412 2023-02-19 05:23:46,802 - mmseg - INFO - Iter [13150/160000] lr: 5.507e-05, eta: 14:57:22, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5454, decode.acc_seg: 79.7756, aux.loss_ce: 0.2281, aux.acc_seg: 78.9618, loss: 0.7735, grad_norm: 8.9046 2023-02-19 05:24:04,706 - mmseg - INFO - Iter [13200/160000] lr: 5.505e-05, eta: 14:56:59, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5268, decode.acc_seg: 80.5742, aux.loss_ce: 0.2304, aux.acc_seg: 79.2865, loss: 0.7572, grad_norm: 5.8988 2023-02-19 05:24:22,678 - mmseg - INFO - Iter [13250/160000] lr: 5.503e-05, eta: 14:56:36, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5331, decode.acc_seg: 80.2669, aux.loss_ce: 0.2285, aux.acc_seg: 79.3218, loss: 0.7616, grad_norm: 7.7204 2023-02-19 05:24:40,910 - mmseg - INFO - Iter [13300/160000] lr: 5.501e-05, eta: 14:56:17, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5206, decode.acc_seg: 80.4382, aux.loss_ce: 0.2219, aux.acc_seg: 79.6525, loss: 0.7425, grad_norm: 5.7307 2023-02-19 05:24:58,800 - mmseg - INFO - Iter [13350/160000] lr: 5.499e-05, eta: 14:55:54, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5142, decode.acc_seg: 81.2635, aux.loss_ce: 0.2159, aux.acc_seg: 80.4728, loss: 0.7301, grad_norm: 9.8616 2023-02-19 05:25:16,742 - mmseg - INFO - Iter [13400/160000] lr: 5.498e-05, eta: 14:55:31, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5200, decode.acc_seg: 80.8204, aux.loss_ce: 0.2200, aux.acc_seg: 80.0594, loss: 0.7400, grad_norm: 6.1444 2023-02-19 05:25:34,947 - mmseg - INFO - Iter [13450/160000] lr: 5.496e-05, eta: 14:55:12, time: 0.364, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5155, decode.acc_seg: 80.8253, aux.loss_ce: 0.2146, aux.acc_seg: 80.0617, loss: 0.7301, grad_norm: 5.7747 2023-02-19 05:25:52,842 - mmseg - INFO - Iter [13500/160000] lr: 5.494e-05, eta: 14:54:49, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5298, decode.acc_seg: 80.4244, aux.loss_ce: 0.2244, aux.acc_seg: 79.6544, loss: 0.7542, grad_norm: 6.9749 2023-02-19 05:26:11,161 - mmseg - INFO - Iter [13550/160000] lr: 5.492e-05, eta: 14:54:30, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5346, decode.acc_seg: 80.1812, aux.loss_ce: 0.2238, aux.acc_seg: 79.5707, loss: 0.7584, grad_norm: 6.6732 2023-02-19 05:26:29,038 - mmseg - INFO - Iter [13600/160000] lr: 5.490e-05, eta: 14:54:07, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5214, decode.acc_seg: 79.7392, aux.loss_ce: 0.2180, aux.acc_seg: 79.3479, loss: 0.7393, grad_norm: 6.1464 2023-02-19 05:26:47,108 - mmseg - INFO - Iter [13650/160000] lr: 5.488e-05, eta: 14:53:46, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5340, decode.acc_seg: 80.2856, aux.loss_ce: 0.2265, aux.acc_seg: 79.2613, loss: 0.7605, grad_norm: 6.8531 2023-02-19 05:27:04,963 - mmseg - INFO - Iter [13700/160000] lr: 5.486e-05, eta: 14:53:23, time: 0.357, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5558, decode.acc_seg: 79.4826, aux.loss_ce: 0.2379, aux.acc_seg: 78.6527, loss: 0.7937, grad_norm: 6.2262 2023-02-19 05:27:22,925 - mmseg - INFO - Iter [13750/160000] lr: 5.484e-05, eta: 14:53:01, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5470, decode.acc_seg: 80.0957, aux.loss_ce: 0.2309, aux.acc_seg: 79.5868, loss: 0.7780, grad_norm: 6.3315 2023-02-19 05:27:40,946 - mmseg - INFO - Iter [13800/160000] lr: 5.483e-05, eta: 14:52:39, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5435, decode.acc_seg: 80.0410, aux.loss_ce: 0.2308, aux.acc_seg: 79.3429, loss: 0.7744, grad_norm: 9.7255 2023-02-19 05:27:58,962 - mmseg - INFO - Iter [13850/160000] lr: 5.481e-05, eta: 14:52:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5196, decode.acc_seg: 81.0144, aux.loss_ce: 0.2206, aux.acc_seg: 79.8706, loss: 0.7402, grad_norm: 10.6394 2023-02-19 05:28:19,316 - mmseg - INFO - Iter [13900/160000] lr: 5.479e-05, eta: 14:52:21, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.5078, decode.acc_seg: 81.2935, aux.loss_ce: 0.2158, aux.acc_seg: 80.3747, loss: 0.7236, grad_norm: 6.9317 2023-02-19 05:28:37,215 - mmseg - INFO - Iter [13950/160000] lr: 5.477e-05, eta: 14:51:58, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4818, decode.acc_seg: 81.8649, aux.loss_ce: 0.2088, aux.acc_seg: 80.8736, loss: 0.6905, grad_norm: 6.1271 2023-02-19 05:28:55,606 - mmseg - INFO - Saving checkpoint at 14000 iterations 2023-02-19 05:28:57,360 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:28:57,360 - mmseg - INFO - Iter [14000/160000] lr: 5.475e-05, eta: 14:51:59, time: 0.403, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5257, decode.acc_seg: 80.6199, aux.loss_ce: 0.2286, aux.acc_seg: 79.7955, loss: 0.7543, grad_norm: 6.4762 2023-02-19 05:29:15,674 - mmseg - INFO - Iter [14050/160000] lr: 5.473e-05, eta: 14:51:40, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5065, decode.acc_seg: 81.2800, aux.loss_ce: 0.2133, aux.acc_seg: 80.3615, loss: 0.7198, grad_norm: 7.3000 2023-02-19 05:29:34,110 - mmseg - INFO - Iter [14100/160000] lr: 5.471e-05, eta: 14:51:23, time: 0.369, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5378, decode.acc_seg: 79.8510, aux.loss_ce: 0.2288, aux.acc_seg: 78.9240, loss: 0.7666, grad_norm: 7.1532 2023-02-19 05:29:52,026 - mmseg - INFO - Iter [14150/160000] lr: 5.469e-05, eta: 14:51:01, time: 0.358, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5066, decode.acc_seg: 81.0466, aux.loss_ce: 0.2143, aux.acc_seg: 80.5848, loss: 0.7209, grad_norm: 6.8374 2023-02-19 05:30:10,007 - mmseg - INFO - Iter [14200/160000] lr: 5.468e-05, eta: 14:50:39, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4728, decode.acc_seg: 82.0640, aux.loss_ce: 0.2042, aux.acc_seg: 80.9903, loss: 0.6770, grad_norm: 5.8633 2023-02-19 05:30:27,936 - mmseg - INFO - Iter [14250/160000] lr: 5.466e-05, eta: 14:50:16, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5245, decode.acc_seg: 80.4396, aux.loss_ce: 0.2245, aux.acc_seg: 79.7088, loss: 0.7491, grad_norm: 6.1043 2023-02-19 05:30:45,792 - mmseg - INFO - Iter [14300/160000] lr: 5.464e-05, eta: 14:49:53, time: 0.357, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4736, decode.acc_seg: 82.2403, aux.loss_ce: 0.2070, aux.acc_seg: 81.0334, loss: 0.6806, grad_norm: 6.6386 2023-02-19 05:31:04,020 - mmseg - INFO - Iter [14350/160000] lr: 5.462e-05, eta: 14:49:34, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5077, decode.acc_seg: 81.4356, aux.loss_ce: 0.2162, aux.acc_seg: 80.4434, loss: 0.7239, grad_norm: 5.5087 2023-02-19 05:31:22,315 - mmseg - INFO - Iter [14400/160000] lr: 5.460e-05, eta: 14:49:15, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4845, decode.acc_seg: 81.8332, aux.loss_ce: 0.2084, aux.acc_seg: 80.8832, loss: 0.6928, grad_norm: 6.6927 2023-02-19 05:31:40,278 - mmseg - INFO - Iter [14450/160000] lr: 5.458e-05, eta: 14:48:53, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4919, decode.acc_seg: 81.6471, aux.loss_ce: 0.2087, aux.acc_seg: 80.7685, loss: 0.7006, grad_norm: 6.1728 2023-02-19 05:31:58,585 - mmseg - INFO - Iter [14500/160000] lr: 5.456e-05, eta: 14:48:35, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4687, decode.acc_seg: 81.6554, aux.loss_ce: 0.2033, aux.acc_seg: 80.5860, loss: 0.6720, grad_norm: 5.8094 2023-02-19 05:32:16,574 - mmseg - INFO - Iter [14550/160000] lr: 5.454e-05, eta: 14:48:13, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5125, decode.acc_seg: 80.5543, aux.loss_ce: 0.2153, aux.acc_seg: 79.8393, loss: 0.7278, grad_norm: 9.6528 2023-02-19 05:32:34,550 - mmseg - INFO - Iter [14600/160000] lr: 5.453e-05, eta: 14:47:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5186, decode.acc_seg: 81.0177, aux.loss_ce: 0.2179, aux.acc_seg: 80.1505, loss: 0.7365, grad_norm: 6.6873 2023-02-19 05:32:52,525 - mmseg - INFO - Iter [14650/160000] lr: 5.451e-05, eta: 14:47:30, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4966, decode.acc_seg: 80.6360, aux.loss_ce: 0.2086, aux.acc_seg: 80.1762, loss: 0.7052, grad_norm: 6.2389 2023-02-19 05:33:10,463 - mmseg - INFO - Iter [14700/160000] lr: 5.449e-05, eta: 14:47:08, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5096, decode.acc_seg: 80.9147, aux.loss_ce: 0.2179, aux.acc_seg: 80.1217, loss: 0.7275, grad_norm: 6.1196 2023-02-19 05:33:28,447 - mmseg - INFO - Iter [14750/160000] lr: 5.447e-05, eta: 14:46:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5039, decode.acc_seg: 81.3055, aux.loss_ce: 0.2148, aux.acc_seg: 80.4635, loss: 0.7187, grad_norm: 6.2365 2023-02-19 05:33:46,350 - mmseg - INFO - Iter [14800/160000] lr: 5.445e-05, eta: 14:46:24, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5379, decode.acc_seg: 80.0525, aux.loss_ce: 0.2326, aux.acc_seg: 78.5902, loss: 0.7704, grad_norm: 6.3923 2023-02-19 05:34:04,359 - mmseg - INFO - Iter [14850/160000] lr: 5.443e-05, eta: 14:46:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5096, decode.acc_seg: 81.5084, aux.loss_ce: 0.2163, aux.acc_seg: 80.7125, loss: 0.7259, grad_norm: 5.9237 2023-02-19 05:34:22,661 - mmseg - INFO - Iter [14900/160000] lr: 5.441e-05, eta: 14:45:44, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4814, decode.acc_seg: 81.8454, aux.loss_ce: 0.2062, aux.acc_seg: 80.8840, loss: 0.6876, grad_norm: 6.2474 2023-02-19 05:34:40,976 - mmseg - INFO - Iter [14950/160000] lr: 5.439e-05, eta: 14:45:26, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4936, decode.acc_seg: 81.7480, aux.loss_ce: 0.2095, aux.acc_seg: 80.8978, loss: 0.7031, grad_norm: 5.6949 2023-02-19 05:34:59,378 - mmseg - INFO - Saving checkpoint at 15000 iterations 2023-02-19 05:35:01,100 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:35:01,100 - mmseg - INFO - Iter [15000/160000] lr: 5.438e-05, eta: 14:45:25, time: 0.403, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4678, decode.acc_seg: 82.3330, aux.loss_ce: 0.2032, aux.acc_seg: 80.7814, loss: 0.6710, grad_norm: 5.0198 2023-02-19 05:35:19,449 - mmseg - INFO - Iter [15050/160000] lr: 5.436e-05, eta: 14:45:07, time: 0.367, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4818, decode.acc_seg: 82.4873, aux.loss_ce: 0.2043, aux.acc_seg: 81.5034, loss: 0.6860, grad_norm: 6.0405 2023-02-19 05:35:37,600 - mmseg - INFO - Iter [15100/160000] lr: 5.434e-05, eta: 14:44:47, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5014, decode.acc_seg: 81.4287, aux.loss_ce: 0.2160, aux.acc_seg: 80.1983, loss: 0.7174, grad_norm: 6.1452 2023-02-19 05:35:55,712 - mmseg - INFO - Iter [15150/160000] lr: 5.432e-05, eta: 14:44:27, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4959, decode.acc_seg: 81.6595, aux.loss_ce: 0.2117, aux.acc_seg: 80.4942, loss: 0.7076, grad_norm: 5.7635 2023-02-19 05:36:15,886 - mmseg - INFO - Iter [15200/160000] lr: 5.430e-05, eta: 14:44:26, time: 0.403, data_time: 0.050, memory: 20662, decode.loss_ce: 0.4875, decode.acc_seg: 81.5885, aux.loss_ce: 0.2079, aux.acc_seg: 80.7562, loss: 0.6954, grad_norm: 6.6502 2023-02-19 05:36:33,839 - mmseg - INFO - Iter [15250/160000] lr: 5.428e-05, eta: 14:44:04, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4749, decode.acc_seg: 82.6276, aux.loss_ce: 0.2049, aux.acc_seg: 81.6978, loss: 0.6798, grad_norm: 6.4400 2023-02-19 05:36:51,780 - mmseg - INFO - Iter [15300/160000] lr: 5.426e-05, eta: 14:43:42, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4540, decode.acc_seg: 82.8135, aux.loss_ce: 0.1964, aux.acc_seg: 81.8174, loss: 0.6504, grad_norm: 4.8894 2023-02-19 05:37:09,770 - mmseg - INFO - Iter [15350/160000] lr: 5.424e-05, eta: 14:43:21, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4908, decode.acc_seg: 81.8471, aux.loss_ce: 0.2123, aux.acc_seg: 80.6972, loss: 0.7031, grad_norm: 5.2350 2023-02-19 05:37:27,702 - mmseg - INFO - Iter [15400/160000] lr: 5.423e-05, eta: 14:42:59, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4728, decode.acc_seg: 81.9784, aux.loss_ce: 0.2099, aux.acc_seg: 80.4202, loss: 0.6827, grad_norm: 6.5406 2023-02-19 05:37:45,656 - mmseg - INFO - Iter [15450/160000] lr: 5.421e-05, eta: 14:42:37, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4620, decode.acc_seg: 82.5288, aux.loss_ce: 0.2007, aux.acc_seg: 81.1466, loss: 0.6626, grad_norm: 6.2022 2023-02-19 05:38:03,970 - mmseg - INFO - Iter [15500/160000] lr: 5.419e-05, eta: 14:42:19, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4830, decode.acc_seg: 82.0218, aux.loss_ce: 0.2139, aux.acc_seg: 80.4201, loss: 0.6968, grad_norm: 5.8032 2023-02-19 05:38:22,017 - mmseg - INFO - Iter [15550/160000] lr: 5.417e-05, eta: 14:41:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4982, decode.acc_seg: 81.7472, aux.loss_ce: 0.2147, aux.acc_seg: 80.7967, loss: 0.7128, grad_norm: 5.8637 2023-02-19 05:38:40,032 - mmseg - INFO - Iter [15600/160000] lr: 5.415e-05, eta: 14:41:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4711, decode.acc_seg: 82.0888, aux.loss_ce: 0.2028, aux.acc_seg: 81.0737, loss: 0.6739, grad_norm: 6.0275 2023-02-19 05:38:57,962 - mmseg - INFO - Iter [15650/160000] lr: 5.413e-05, eta: 14:41:15, time: 0.359, data_time: 0.005, memory: 20662, decode.loss_ce: 0.5142, decode.acc_seg: 81.0395, aux.loss_ce: 0.2183, aux.acc_seg: 80.5076, loss: 0.7324, grad_norm: 7.0166 2023-02-19 05:39:15,962 - mmseg - INFO - Iter [15700/160000] lr: 5.411e-05, eta: 14:40:54, time: 0.360, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4901, decode.acc_seg: 81.8498, aux.loss_ce: 0.2102, aux.acc_seg: 80.8093, loss: 0.7003, grad_norm: 6.6033 2023-02-19 05:39:33,952 - mmseg - INFO - Iter [15750/160000] lr: 5.409e-05, eta: 14:40:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4658, decode.acc_seg: 82.3808, aux.loss_ce: 0.2022, aux.acc_seg: 81.3476, loss: 0.6681, grad_norm: 5.7816 2023-02-19 05:39:51,986 - mmseg - INFO - Iter [15800/160000] lr: 5.408e-05, eta: 14:40:11, time: 0.361, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4970, decode.acc_seg: 81.7698, aux.loss_ce: 0.2173, aux.acc_seg: 80.0856, loss: 0.7143, grad_norm: 6.3209 2023-02-19 05:40:10,053 - mmseg - INFO - Iter [15850/160000] lr: 5.406e-05, eta: 14:39:51, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4846, decode.acc_seg: 82.1934, aux.loss_ce: 0.2105, aux.acc_seg: 81.1306, loss: 0.6951, grad_norm: 6.5104 2023-02-19 05:40:28,535 - mmseg - INFO - Iter [15900/160000] lr: 5.404e-05, eta: 14:39:34, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4768, decode.acc_seg: 81.9415, aux.loss_ce: 0.2034, aux.acc_seg: 80.8740, loss: 0.6801, grad_norm: 7.4515 2023-02-19 05:40:47,023 - mmseg - INFO - Iter [15950/160000] lr: 5.402e-05, eta: 14:39:17, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5131, decode.acc_seg: 81.5157, aux.loss_ce: 0.2184, aux.acc_seg: 80.2282, loss: 0.7315, grad_norm: 6.4754 2023-02-19 05:41:05,021 - mmseg - INFO - Saving checkpoint at 16000 iterations 2023-02-19 05:41:06,744 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:41:06,744 - mmseg - INFO - Iter [16000/160000] lr: 5.400e-05, eta: 14:39:12, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4799, decode.acc_seg: 81.9306, aux.loss_ce: 0.2058, aux.acc_seg: 80.9648, loss: 0.6857, grad_norm: 6.1786 2023-02-19 05:41:44,830 - mmseg - INFO - per class results: 2023-02-19 05:41:44,836 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 71.07 | 84.73 | | building | 80.91 | 88.6 | | sky | 90.93 | 98.99 | | floor | 76.86 | 91.87 | | tree | 71.28 | 82.83 | | ceiling | 78.8 | 88.68 | | road | 79.1 | 91.36 | | bed | 67.12 | 69.47 | | windowpane | 51.12 | 57.36 | | grass | 61.02 | 92.45 | | cabinet | 50.14 | 74.13 | | sidewalk | 58.16 | 69.76 | | person | 77.41 | 90.47 | | earth | 29.72 | 37.75 | | door | 44.46 | 55.32 | | table | 45.53 | 77.17 | | mountain | 54.13 | 63.5 | | plant | 49.48 | 69.58 | | curtain | 64.5 | 69.28 | | chair | 48.66 | 62.12 | | car | 82.07 | 90.8 | | water | 44.98 | 50.64 | | painting | 61.35 | 89.47 | | sofa | 55.81 | 86.7 | | shelf | 34.12 | 40.83 | | house | 41.5 | 43.91 | | sea | 61.89 | 90.29 | | mirror | 42.78 | 44.4 | | rug | 53.0 | 57.26 | | field | 8.78 | 8.79 | | armchair | 27.72 | 39.53 | | seat | 59.2 | 76.69 | | fence | 35.47 | 42.68 | | desk | 35.87 | 65.47 | | rock | 47.71 | 73.22 | | wardrobe | 39.85 | 57.98 | | lamp | 51.9 | 61.25 | | bathtub | 69.74 | 92.83 | | railing | 27.4 | 60.16 | | cushion | 43.13 | 50.15 | | base | 28.29 | 39.58 | | box | 12.29 | 13.42 | | column | 41.8 | 57.89 | | signboard | 32.32 | 44.27 | | chest of drawers | 42.2 | 63.83 | | counter | 7.31 | 8.69 | | sand | 32.61 | 44.26 | | sink | 66.81 | 73.09 | | skyscraper | 54.97 | 71.91 | | fireplace | 65.43 | 80.12 | | refrigerator | 61.1 | 69.05 | | grandstand | 34.45 | 67.0 | | path | 14.41 | 20.5 | | stairs | 29.63 | 49.6 | | runway | 71.86 | 92.17 | | case | 46.11 | 56.07 | | pool table | 91.45 | 94.66 | | pillow | 52.19 | 63.5 | | screen door | 48.35 | 60.03 | | stairway | 18.61 | 18.88 | | river | 18.16 | 58.02 | | bridge | 59.7 | 76.95 | | bookcase | 29.81 | 68.42 | | blind | 30.45 | 32.95 | | coffee table | 27.95 | 29.11 | | toilet | 77.26 | 83.61 | | flower | 28.29 | 31.46 | | book | 25.02 | 26.3 | | hill | 0.14 | 0.14 | | bench | 46.36 | 52.22 | | countertop | 42.38 | 53.51 | | stove | 61.25 | 77.05 | | palm | 20.77 | 22.89 | | kitchen island | 23.65 | 38.04 | | computer | 52.17 | 56.45 | | swivel chair | 46.36 | 57.69 | | boat | 35.95 | 38.81 | | bar | 24.34 | 47.1 | | arcade machine | 74.52 | 96.53 | | hovel | 30.18 | 77.04 | | bus | 74.64 | 94.01 | | towel | 32.84 | 38.01 | | light | 30.48 | 31.38 | | truck | 20.35 | 27.9 | | tower | 23.62 | 27.82 | | chandelier | 59.0 | 79.65 | | awning | 23.46 | 27.47 | | streetlight | 16.8 | 27.38 | | booth | 30.91 | 37.93 | | television receiver | 57.9 | 63.03 | | airplane | 51.12 | 62.09 | | dirt track | 0.0 | 0.0 | | apparel | 28.52 | 46.59 | | pole | 12.35 | 20.22 | | land | 4.7 | 13.43 | | bannister | 0.57 | 0.59 | | escalator | 25.01 | 27.58 | | ottoman | 35.97 | 56.59 | | bottle | 33.37 | 54.16 | | buffet | 40.08 | 48.03 | | poster | 12.95 | 17.71 | | stage | 14.38 | 33.05 | | van | 37.26 | 60.19 | | ship | 10.12 | 15.16 | | fountain | 39.43 | 40.15 | | conveyer belt | 46.51 | 66.26 | | canopy | 23.53 | 37.1 | | washer | 77.5 | 79.96 | | plaything | 16.0 | 20.51 | | swimming pool | 40.79 | 40.85 | | stool | 14.04 | 74.04 | | barrel | 48.05 | 63.78 | | basket | 29.64 | 50.29 | | waterfall | 63.39 | 87.96 | | tent | 96.18 | 97.26 | | bag | 3.37 | 3.39 | | minibike | 55.94 | 85.53 | | cradle | 81.55 | 93.58 | | oven | 21.05 | 26.77 | | ball | 39.29 | 43.37 | | food | 39.19 | 43.38 | | step | 9.06 | 9.95 | | tank | 40.87 | 49.14 | | trade name | 22.48 | 25.45 | | microwave | 68.72 | 70.57 | | pot | 26.89 | 29.22 | | animal | 54.72 | 56.8 | | bicycle | 53.57 | 69.15 | | lake | 16.14 | 30.11 | | dishwasher | 37.26 | 75.54 | | screen | 65.85 | 91.6 | | blanket | 4.64 | 64.5 | | sculpture | 50.71 | 55.58 | | hood | 40.38 | 64.41 | | sconce | 5.9 | 6.18 | | vase | 24.0 | 46.59 | | traffic light | 24.14 | 48.18 | | tray | 7.17 | 17.35 | | ashcan | 23.88 | 41.55 | | fan | 48.38 | 73.53 | | pier | 20.94 | 91.51 | | crt screen | 3.57 | 11.2 | | plate | 6.68 | 6.8 | | monitor | 9.83 | 13.34 | | bulletin board | 37.39 | 72.78 | | shower | 0.0 | 0.0 | | radiator | 54.37 | 66.99 | | glass | 2.54 | 2.79 | | clock | 31.69 | 37.67 | | flag | 58.18 | 72.03 | +---------------------+-------+-------+ 2023-02-19 05:41:44,836 - mmseg - INFO - Summary: 2023-02-19 05:41:44,836 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 78.3 | 40.29 | 53.44 | +------+-------+-------+ 2023-02-19 05:41:46,774 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_16000.pth. 2023-02-19 05:41:46,774 - mmseg - INFO - Best mIoU is 0.4029 at 16000 iter. 2023-02-19 05:41:46,774 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:41:46,775 - mmseg - INFO - Iter(val) [500] aAcc: 0.7830, mIoU: 0.4029, mAcc: 0.5344, IoU.wall: 0.7107, IoU.building: 0.8091, IoU.sky: 0.9093, IoU.floor: 0.7686, IoU.tree: 0.7128, IoU.ceiling: 0.7880, IoU.road: 0.7910, IoU.bed : 0.6712, IoU.windowpane: 0.5112, IoU.grass: 0.6102, IoU.cabinet: 0.5014, IoU.sidewalk: 0.5816, IoU.person: 0.7741, IoU.earth: 0.2972, IoU.door: 0.4446, IoU.table: 0.4553, IoU.mountain: 0.5413, IoU.plant: 0.4948, IoU.curtain: 0.6450, IoU.chair: 0.4866, IoU.car: 0.8207, IoU.water: 0.4498, IoU.painting: 0.6135, IoU.sofa: 0.5581, IoU.shelf: 0.3412, IoU.house: 0.4150, IoU.sea: 0.6189, IoU.mirror: 0.4278, IoU.rug: 0.5300, IoU.field: 0.0878, IoU.armchair: 0.2772, IoU.seat: 0.5920, IoU.fence: 0.3547, IoU.desk: 0.3587, IoU.rock: 0.4771, IoU.wardrobe: 0.3985, IoU.lamp: 0.5190, IoU.bathtub: 0.6974, IoU.railing: 0.2740, IoU.cushion: 0.4313, IoU.base: 0.2829, IoU.box: 0.1229, IoU.column: 0.4180, IoU.signboard: 0.3232, IoU.chest of drawers: 0.4220, IoU.counter: 0.0731, IoU.sand: 0.3261, IoU.sink: 0.6681, IoU.skyscraper: 0.5497, IoU.fireplace: 0.6543, IoU.refrigerator: 0.6110, IoU.grandstand: 0.3445, IoU.path: 0.1441, IoU.stairs: 0.2963, IoU.runway: 0.7186, IoU.case: 0.4611, IoU.pool table: 0.9145, IoU.pillow: 0.5219, IoU.screen door: 0.4835, IoU.stairway: 0.1861, IoU.river: 0.1816, IoU.bridge: 0.5970, IoU.bookcase: 0.2981, IoU.blind: 0.3045, IoU.coffee table: 0.2795, IoU.toilet: 0.7726, IoU.flower: 0.2829, IoU.book: 0.2502, IoU.hill: 0.0014, IoU.bench: 0.4636, IoU.countertop: 0.4238, IoU.stove: 0.6125, IoU.palm: 0.2077, IoU.kitchen island: 0.2365, IoU.computer: 0.5217, IoU.swivel chair: 0.4636, IoU.boat: 0.3595, IoU.bar: 0.2434, IoU.arcade machine: 0.7452, IoU.hovel: 0.3018, IoU.bus: 0.7464, IoU.towel: 0.3284, IoU.light: 0.3048, IoU.truck: 0.2035, IoU.tower: 0.2362, IoU.chandelier: 0.5900, IoU.awning: 0.2346, IoU.streetlight: 0.1680, IoU.booth: 0.3091, IoU.television receiver: 0.5790, IoU.airplane: 0.5112, IoU.dirt track: 0.0000, IoU.apparel: 0.2852, IoU.pole: 0.1235, IoU.land: 0.0470, IoU.bannister: 0.0057, IoU.escalator: 0.2501, IoU.ottoman: 0.3597, IoU.bottle: 0.3337, IoU.buffet: 0.4008, IoU.poster: 0.1295, IoU.stage: 0.1438, IoU.van: 0.3726, IoU.ship: 0.1012, IoU.fountain: 0.3943, IoU.conveyer belt: 0.4651, IoU.canopy: 0.2353, IoU.washer: 0.7750, IoU.plaything: 0.1600, IoU.swimming pool: 0.4079, IoU.stool: 0.1404, IoU.barrel: 0.4805, IoU.basket: 0.2964, IoU.waterfall: 0.6339, IoU.tent: 0.9618, IoU.bag: 0.0337, IoU.minibike: 0.5594, IoU.cradle: 0.8155, IoU.oven: 0.2105, IoU.ball: 0.3929, IoU.food: 0.3919, IoU.step: 0.0906, IoU.tank: 0.4087, IoU.trade name: 0.2248, IoU.microwave: 0.6872, IoU.pot: 0.2689, IoU.animal: 0.5472, IoU.bicycle: 0.5357, IoU.lake: 0.1614, IoU.dishwasher: 0.3726, IoU.screen: 0.6585, IoU.blanket: 0.0464, IoU.sculpture: 0.5071, IoU.hood: 0.4038, IoU.sconce: 0.0590, IoU.vase: 0.2400, IoU.traffic light: 0.2414, IoU.tray: 0.0717, IoU.ashcan: 0.2388, IoU.fan: 0.4838, IoU.pier: 0.2094, IoU.crt screen: 0.0357, IoU.plate: 0.0668, IoU.monitor: 0.0983, IoU.bulletin board: 0.3739, IoU.shower: 0.0000, IoU.radiator: 0.5437, IoU.glass: 0.0254, IoU.clock: 0.3169, IoU.flag: 0.5818, Acc.wall: 0.8473, Acc.building: 0.8860, Acc.sky: 0.9899, Acc.floor: 0.9187, Acc.tree: 0.8283, Acc.ceiling: 0.8868, Acc.road: 0.9136, Acc.bed : 0.6947, Acc.windowpane: 0.5736, Acc.grass: 0.9245, Acc.cabinet: 0.7413, Acc.sidewalk: 0.6976, Acc.person: 0.9047, Acc.earth: 0.3775, Acc.door: 0.5532, Acc.table: 0.7717, Acc.mountain: 0.6350, Acc.plant: 0.6958, Acc.curtain: 0.6928, Acc.chair: 0.6212, Acc.car: 0.9080, Acc.water: 0.5064, Acc.painting: 0.8947, Acc.sofa: 0.8670, Acc.shelf: 0.4083, Acc.house: 0.4391, Acc.sea: 0.9029, Acc.mirror: 0.4440, Acc.rug: 0.5726, Acc.field: 0.0879, Acc.armchair: 0.3953, Acc.seat: 0.7669, Acc.fence: 0.4268, Acc.desk: 0.6547, Acc.rock: 0.7322, Acc.wardrobe: 0.5798, Acc.lamp: 0.6125, Acc.bathtub: 0.9283, Acc.railing: 0.6016, Acc.cushion: 0.5015, Acc.base: 0.3958, Acc.box: 0.1342, Acc.column: 0.5789, Acc.signboard: 0.4427, Acc.chest of drawers: 0.6383, Acc.counter: 0.0869, Acc.sand: 0.4426, Acc.sink: 0.7309, Acc.skyscraper: 0.7191, Acc.fireplace: 0.8012, Acc.refrigerator: 0.6905, Acc.grandstand: 0.6700, Acc.path: 0.2050, Acc.stairs: 0.4960, Acc.runway: 0.9217, Acc.case: 0.5607, Acc.pool table: 0.9466, Acc.pillow: 0.6350, Acc.screen door: 0.6003, Acc.stairway: 0.1888, Acc.river: 0.5802, Acc.bridge: 0.7695, Acc.bookcase: 0.6842, Acc.blind: 0.3295, Acc.coffee table: 0.2911, Acc.toilet: 0.8361, Acc.flower: 0.3146, Acc.book: 0.2630, Acc.hill: 0.0014, Acc.bench: 0.5222, Acc.countertop: 0.5351, Acc.stove: 0.7705, Acc.palm: 0.2289, Acc.kitchen island: 0.3804, Acc.computer: 0.5645, Acc.swivel chair: 0.5769, Acc.boat: 0.3881, Acc.bar: 0.4710, Acc.arcade machine: 0.9653, Acc.hovel: 0.7704, Acc.bus: 0.9401, Acc.towel: 0.3801, Acc.light: 0.3138, Acc.truck: 0.2790, Acc.tower: 0.2782, Acc.chandelier: 0.7965, Acc.awning: 0.2747, Acc.streetlight: 0.2738, Acc.booth: 0.3793, Acc.television receiver: 0.6303, Acc.airplane: 0.6209, Acc.dirt track: 0.0000, Acc.apparel: 0.4659, Acc.pole: 0.2022, Acc.land: 0.1343, Acc.bannister: 0.0059, Acc.escalator: 0.2758, Acc.ottoman: 0.5659, Acc.bottle: 0.5416, Acc.buffet: 0.4803, Acc.poster: 0.1771, Acc.stage: 0.3305, Acc.van: 0.6019, Acc.ship: 0.1516, Acc.fountain: 0.4015, Acc.conveyer belt: 0.6626, Acc.canopy: 0.3710, Acc.washer: 0.7996, Acc.plaything: 0.2051, Acc.swimming pool: 0.4085, Acc.stool: 0.7404, Acc.barrel: 0.6378, Acc.basket: 0.5029, Acc.waterfall: 0.8796, Acc.tent: 0.9726, Acc.bag: 0.0339, Acc.minibike: 0.8553, Acc.cradle: 0.9358, Acc.oven: 0.2677, Acc.ball: 0.4337, Acc.food: 0.4338, Acc.step: 0.0995, Acc.tank: 0.4914, Acc.trade name: 0.2545, Acc.microwave: 0.7057, Acc.pot: 0.2922, Acc.animal: 0.5680, Acc.bicycle: 0.6915, Acc.lake: 0.3011, Acc.dishwasher: 0.7554, Acc.screen: 0.9160, Acc.blanket: 0.6450, Acc.sculpture: 0.5558, Acc.hood: 0.6441, Acc.sconce: 0.0618, Acc.vase: 0.4659, Acc.traffic light: 0.4818, Acc.tray: 0.1735, Acc.ashcan: 0.4155, Acc.fan: 0.7353, Acc.pier: 0.9151, Acc.crt screen: 0.1120, Acc.plate: 0.0680, Acc.monitor: 0.1334, Acc.bulletin board: 0.7278, Acc.shower: 0.0000, Acc.radiator: 0.6699, Acc.glass: 0.0279, Acc.clock: 0.3767, Acc.flag: 0.7203 2023-02-19 05:42:05,148 - mmseg - INFO - Iter [16050/160000] lr: 5.398e-05, eta: 14:44:53, time: 1.168, data_time: 0.807, memory: 20662, decode.loss_ce: 0.5075, decode.acc_seg: 81.3693, aux.loss_ce: 0.2192, aux.acc_seg: 79.9995, loss: 0.7267, grad_norm: 6.8444 2023-02-19 05:42:23,545 - mmseg - INFO - Iter [16100/160000] lr: 5.396e-05, eta: 14:44:34, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5115, decode.acc_seg: 81.2783, aux.loss_ce: 0.2196, aux.acc_seg: 79.8798, loss: 0.7311, grad_norm: 6.6116 2023-02-19 05:42:41,717 - mmseg - INFO - Iter [16150/160000] lr: 5.394e-05, eta: 14:44:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4874, decode.acc_seg: 81.5748, aux.loss_ce: 0.2116, aux.acc_seg: 80.4060, loss: 0.6989, grad_norm: 8.6282 2023-02-19 05:42:59,785 - mmseg - INFO - Iter [16200/160000] lr: 5.393e-05, eta: 14:43:51, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5037, decode.acc_seg: 81.2926, aux.loss_ce: 0.2153, aux.acc_seg: 80.0204, loss: 0.7190, grad_norm: 6.0830 2023-02-19 05:43:17,939 - mmseg - INFO - Iter [16250/160000] lr: 5.391e-05, eta: 14:43:30, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.5009, decode.acc_seg: 80.8558, aux.loss_ce: 0.2126, aux.acc_seg: 80.1022, loss: 0.7135, grad_norm: 6.6675 2023-02-19 05:43:36,071 - mmseg - INFO - Iter [16300/160000] lr: 5.389e-05, eta: 14:43:09, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4635, decode.acc_seg: 82.8135, aux.loss_ce: 0.2031, aux.acc_seg: 81.4855, loss: 0.6666, grad_norm: 5.6771 2023-02-19 05:43:54,362 - mmseg - INFO - Iter [16350/160000] lr: 5.387e-05, eta: 14:42:50, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4979, decode.acc_seg: 80.8596, aux.loss_ce: 0.2152, aux.acc_seg: 79.9355, loss: 0.7131, grad_norm: 5.5260 2023-02-19 05:44:12,493 - mmseg - INFO - Iter [16400/160000] lr: 5.385e-05, eta: 14:42:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4483, decode.acc_seg: 82.5337, aux.loss_ce: 0.1960, aux.acc_seg: 81.2684, loss: 0.6443, grad_norm: 5.9375 2023-02-19 05:44:32,885 - mmseg - INFO - Iter [16450/160000] lr: 5.383e-05, eta: 14:42:27, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.4693, decode.acc_seg: 82.2609, aux.loss_ce: 0.2018, aux.acc_seg: 81.1056, loss: 0.6710, grad_norm: 7.2188 2023-02-19 05:44:51,201 - mmseg - INFO - Iter [16500/160000] lr: 5.381e-05, eta: 14:42:08, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4736, decode.acc_seg: 82.4945, aux.loss_ce: 0.2106, aux.acc_seg: 80.7440, loss: 0.6842, grad_norm: 6.3747 2023-02-19 05:45:09,250 - mmseg - INFO - Iter [16550/160000] lr: 5.379e-05, eta: 14:41:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4434, decode.acc_seg: 83.2316, aux.loss_ce: 0.1961, aux.acc_seg: 81.8076, loss: 0.6395, grad_norm: 5.9055 2023-02-19 05:45:27,337 - mmseg - INFO - Iter [16600/160000] lr: 5.378e-05, eta: 14:41:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4491, decode.acc_seg: 83.1333, aux.loss_ce: 0.1952, aux.acc_seg: 81.8698, loss: 0.6443, grad_norm: 5.3148 2023-02-19 05:45:45,475 - mmseg - INFO - Iter [16650/160000] lr: 5.376e-05, eta: 14:41:03, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4776, decode.acc_seg: 82.3004, aux.loss_ce: 0.2117, aux.acc_seg: 80.7031, loss: 0.6893, grad_norm: 7.1233 2023-02-19 05:46:03,687 - mmseg - INFO - Iter [16700/160000] lr: 5.374e-05, eta: 14:40:43, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4889, decode.acc_seg: 81.9998, aux.loss_ce: 0.2101, aux.acc_seg: 81.0067, loss: 0.6990, grad_norm: 5.6415 2023-02-19 05:46:22,056 - mmseg - INFO - Iter [16750/160000] lr: 5.372e-05, eta: 14:40:24, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4330, decode.acc_seg: 83.5538, aux.loss_ce: 0.1882, aux.acc_seg: 82.4402, loss: 0.6212, grad_norm: 5.7088 2023-02-19 05:46:40,212 - mmseg - INFO - Iter [16800/160000] lr: 5.370e-05, eta: 14:40:03, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4665, decode.acc_seg: 82.0097, aux.loss_ce: 0.2019, aux.acc_seg: 81.1244, loss: 0.6684, grad_norm: 6.2533 2023-02-19 05:46:58,252 - mmseg - INFO - Iter [16850/160000] lr: 5.368e-05, eta: 14:39:41, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4608, decode.acc_seg: 82.7742, aux.loss_ce: 0.2034, aux.acc_seg: 81.1820, loss: 0.6642, grad_norm: 6.1716 2023-02-19 05:47:16,227 - mmseg - INFO - Iter [16900/160000] lr: 5.366e-05, eta: 14:39:19, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4588, decode.acc_seg: 82.9854, aux.loss_ce: 0.2021, aux.acc_seg: 81.0997, loss: 0.6610, grad_norm: 7.1311 2023-02-19 05:47:34,451 - mmseg - INFO - Iter [16950/160000] lr: 5.364e-05, eta: 14:38:59, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4576, decode.acc_seg: 82.5502, aux.loss_ce: 0.2022, aux.acc_seg: 81.0171, loss: 0.6598, grad_norm: 5.4247 2023-02-19 05:47:52,389 - mmseg - INFO - Saving checkpoint at 17000 iterations 2023-02-19 05:47:54,139 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:47:54,139 - mmseg - INFO - Iter [17000/160000] lr: 5.363e-05, eta: 14:38:51, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4580, decode.acc_seg: 83.1385, aux.loss_ce: 0.2033, aux.acc_seg: 81.8990, loss: 0.6613, grad_norm: 5.8150 2023-02-19 05:48:12,154 - mmseg - INFO - Iter [17050/160000] lr: 5.361e-05, eta: 14:38:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4769, decode.acc_seg: 82.0491, aux.loss_ce: 0.2064, aux.acc_seg: 80.8633, loss: 0.6833, grad_norm: 6.4239 2023-02-19 05:48:30,119 - mmseg - INFO - Iter [17100/160000] lr: 5.359e-05, eta: 14:38:06, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4844, decode.acc_seg: 81.6206, aux.loss_ce: 0.2130, aux.acc_seg: 80.4828, loss: 0.6974, grad_norm: 6.3445 2023-02-19 05:48:48,076 - mmseg - INFO - Iter [17150/160000] lr: 5.357e-05, eta: 14:37:44, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4839, decode.acc_seg: 81.8868, aux.loss_ce: 0.2118, aux.acc_seg: 80.4799, loss: 0.6958, grad_norm: 5.3365 2023-02-19 05:49:06,055 - mmseg - INFO - Iter [17200/160000] lr: 5.355e-05, eta: 14:37:22, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4787, decode.acc_seg: 82.7445, aux.loss_ce: 0.2095, aux.acc_seg: 80.9468, loss: 0.6882, grad_norm: 6.6617 2023-02-19 05:49:24,004 - mmseg - INFO - Iter [17250/160000] lr: 5.353e-05, eta: 14:36:59, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4706, decode.acc_seg: 82.3588, aux.loss_ce: 0.2045, aux.acc_seg: 80.9863, loss: 0.6751, grad_norm: 6.0124 2023-02-19 05:49:42,027 - mmseg - INFO - Iter [17300/160000] lr: 5.351e-05, eta: 14:36:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4593, decode.acc_seg: 82.7597, aux.loss_ce: 0.2070, aux.acc_seg: 80.9769, loss: 0.6663, grad_norm: 4.8894 2023-02-19 05:50:00,019 - mmseg - INFO - Iter [17350/160000] lr: 5.349e-05, eta: 14:36:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4636, decode.acc_seg: 82.3409, aux.loss_ce: 0.2040, aux.acc_seg: 80.7466, loss: 0.6676, grad_norm: 8.2022 2023-02-19 05:50:18,024 - mmseg - INFO - Iter [17400/160000] lr: 5.348e-05, eta: 14:35:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4544, decode.acc_seg: 83.3085, aux.loss_ce: 0.2002, aux.acc_seg: 81.8030, loss: 0.6546, grad_norm: 6.2161 2023-02-19 05:50:36,174 - mmseg - INFO - Iter [17450/160000] lr: 5.346e-05, eta: 14:35:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4658, decode.acc_seg: 83.0342, aux.loss_ce: 0.2027, aux.acc_seg: 81.9101, loss: 0.6685, grad_norm: 15.7726 2023-02-19 05:50:54,293 - mmseg - INFO - Iter [17500/160000] lr: 5.344e-05, eta: 14:35:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4830, decode.acc_seg: 82.5768, aux.loss_ce: 0.2120, aux.acc_seg: 80.8103, loss: 0.6950, grad_norm: 5.7424 2023-02-19 05:51:12,335 - mmseg - INFO - Iter [17550/160000] lr: 5.342e-05, eta: 14:34:50, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4769, decode.acc_seg: 82.0340, aux.loss_ce: 0.2070, aux.acc_seg: 80.7105, loss: 0.6839, grad_norm: 6.1016 2023-02-19 05:51:30,375 - mmseg - INFO - Iter [17600/160000] lr: 5.340e-05, eta: 14:34:29, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4677, decode.acc_seg: 82.6478, aux.loss_ce: 0.2109, aux.acc_seg: 80.4688, loss: 0.6785, grad_norm: 5.5795 2023-02-19 05:51:48,412 - mmseg - INFO - Iter [17650/160000] lr: 5.338e-05, eta: 14:34:07, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4759, decode.acc_seg: 82.2778, aux.loss_ce: 0.2086, aux.acc_seg: 80.6564, loss: 0.6845, grad_norm: 5.1625 2023-02-19 05:52:08,803 - mmseg - INFO - Iter [17700/160000] lr: 5.336e-05, eta: 14:34:05, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.4572, decode.acc_seg: 83.1087, aux.loss_ce: 0.2020, aux.acc_seg: 81.2110, loss: 0.6593, grad_norm: 7.4627 2023-02-19 05:52:27,014 - mmseg - INFO - Iter [17750/160000] lr: 5.334e-05, eta: 14:33:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4088, decode.acc_seg: 84.9213, aux.loss_ce: 0.1830, aux.acc_seg: 82.9369, loss: 0.5918, grad_norm: 5.2774 2023-02-19 05:52:45,017 - mmseg - INFO - Iter [17800/160000] lr: 5.333e-05, eta: 14:33:23, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4665, decode.acc_seg: 82.6650, aux.loss_ce: 0.2031, aux.acc_seg: 81.2125, loss: 0.6696, grad_norm: 5.5099 2023-02-19 05:53:03,001 - mmseg - INFO - Iter [17850/160000] lr: 5.331e-05, eta: 14:33:01, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4316, decode.acc_seg: 83.9708, aux.loss_ce: 0.1915, aux.acc_seg: 82.3850, loss: 0.6231, grad_norm: 6.7416 2023-02-19 05:53:21,138 - mmseg - INFO - Iter [17900/160000] lr: 5.329e-05, eta: 14:32:40, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4519, decode.acc_seg: 83.3403, aux.loss_ce: 0.1967, aux.acc_seg: 81.8264, loss: 0.6485, grad_norm: 7.4627 2023-02-19 05:53:39,271 - mmseg - INFO - Iter [17950/160000] lr: 5.327e-05, eta: 14:32:19, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4260, decode.acc_seg: 83.8539, aux.loss_ce: 0.1952, aux.acc_seg: 81.7792, loss: 0.6211, grad_norm: 6.2526 2023-02-19 05:53:57,846 - mmseg - INFO - Saving checkpoint at 18000 iterations 2023-02-19 05:53:59,626 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 05:53:59,626 - mmseg - INFO - Iter [18000/160000] lr: 5.325e-05, eta: 14:32:16, time: 0.407, data_time: 0.007, memory: 20662, decode.loss_ce: 0.4330, decode.acc_seg: 84.0830, aux.loss_ce: 0.1907, aux.acc_seg: 82.8351, loss: 0.6237, grad_norm: 5.2704 2023-02-19 05:54:17,899 - mmseg - INFO - Iter [18050/160000] lr: 5.323e-05, eta: 14:31:57, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4512, decode.acc_seg: 83.2300, aux.loss_ce: 0.1991, aux.acc_seg: 81.7546, loss: 0.6503, grad_norm: 6.2988 2023-02-19 05:54:36,110 - mmseg - INFO - Iter [18100/160000] lr: 5.321e-05, eta: 14:31:36, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4521, decode.acc_seg: 83.1962, aux.loss_ce: 0.2021, aux.acc_seg: 81.1919, loss: 0.6541, grad_norm: 5.6437 2023-02-19 05:54:54,124 - mmseg - INFO - Iter [18150/160000] lr: 5.319e-05, eta: 14:31:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4373, decode.acc_seg: 83.3190, aux.loss_ce: 0.1950, aux.acc_seg: 81.5858, loss: 0.6324, grad_norm: 10.6929 2023-02-19 05:55:12,262 - mmseg - INFO - Iter [18200/160000] lr: 5.318e-05, eta: 14:30:54, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4462, decode.acc_seg: 82.9835, aux.loss_ce: 0.1979, aux.acc_seg: 81.5162, loss: 0.6441, grad_norm: 5.5927 2023-02-19 05:55:30,523 - mmseg - INFO - Iter [18250/160000] lr: 5.316e-05, eta: 14:30:34, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4163, decode.acc_seg: 84.0180, aux.loss_ce: 0.1869, aux.acc_seg: 82.6657, loss: 0.6032, grad_norm: 5.0600 2023-02-19 05:55:48,521 - mmseg - INFO - Iter [18300/160000] lr: 5.314e-05, eta: 14:30:13, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4497, decode.acc_seg: 83.2470, aux.loss_ce: 0.1987, aux.acc_seg: 81.7471, loss: 0.6484, grad_norm: 6.0704 2023-02-19 05:56:06,703 - mmseg - INFO - Iter [18350/160000] lr: 5.312e-05, eta: 14:29:52, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4872, decode.acc_seg: 81.5262, aux.loss_ce: 0.2122, aux.acc_seg: 80.2262, loss: 0.6994, grad_norm: 6.5863 2023-02-19 05:56:24,684 - mmseg - INFO - Iter [18400/160000] lr: 5.310e-05, eta: 14:29:30, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4348, decode.acc_seg: 83.8739, aux.loss_ce: 0.1938, aux.acc_seg: 82.0846, loss: 0.6286, grad_norm: 6.2557 2023-02-19 05:56:42,779 - mmseg - INFO - Iter [18450/160000] lr: 5.308e-05, eta: 14:29:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4262, decode.acc_seg: 83.6281, aux.loss_ce: 0.1931, aux.acc_seg: 81.6601, loss: 0.6193, grad_norm: 6.2213 2023-02-19 05:57:00,890 - mmseg - INFO - Iter [18500/160000] lr: 5.306e-05, eta: 14:28:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4250, decode.acc_seg: 83.6737, aux.loss_ce: 0.1939, aux.acc_seg: 81.6370, loss: 0.6189, grad_norm: 6.4502 2023-02-19 05:57:19,032 - mmseg - INFO - Iter [18550/160000] lr: 5.304e-05, eta: 14:28:28, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4196, decode.acc_seg: 84.0594, aux.loss_ce: 0.1904, aux.acc_seg: 81.9909, loss: 0.6100, grad_norm: 5.0830 2023-02-19 05:57:37,063 - mmseg - INFO - Iter [18600/160000] lr: 5.303e-05, eta: 14:28:07, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4480, decode.acc_seg: 83.1942, aux.loss_ce: 0.2021, aux.acc_seg: 81.0448, loss: 0.6501, grad_norm: 5.7800 2023-02-19 05:57:55,062 - mmseg - INFO - Iter [18650/160000] lr: 5.301e-05, eta: 14:27:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4328, decode.acc_seg: 83.7688, aux.loss_ce: 0.1927, aux.acc_seg: 82.2076, loss: 0.6255, grad_norm: 5.8208 2023-02-19 05:58:13,029 - mmseg - INFO - Iter [18700/160000] lr: 5.299e-05, eta: 14:27:23, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4442, decode.acc_seg: 83.2090, aux.loss_ce: 0.2004, aux.acc_seg: 81.4594, loss: 0.6446, grad_norm: 6.3056 2023-02-19 05:58:31,041 - mmseg - INFO - Iter [18750/160000] lr: 5.297e-05, eta: 14:27:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4429, decode.acc_seg: 83.4620, aux.loss_ce: 0.1996, aux.acc_seg: 81.3475, loss: 0.6424, grad_norm: 5.4471 2023-02-19 05:58:49,078 - mmseg - INFO - Iter [18800/160000] lr: 5.295e-05, eta: 14:26:41, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4760, decode.acc_seg: 82.0985, aux.loss_ce: 0.2095, aux.acc_seg: 80.4353, loss: 0.6855, grad_norm: 6.4390 2023-02-19 05:59:07,312 - mmseg - INFO - Iter [18850/160000] lr: 5.293e-05, eta: 14:26:21, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4483, decode.acc_seg: 83.2700, aux.loss_ce: 0.1987, aux.acc_seg: 81.4050, loss: 0.6471, grad_norm: 5.2478 2023-02-19 05:59:25,396 - mmseg - INFO - Iter [18900/160000] lr: 5.291e-05, eta: 14:26:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4443, decode.acc_seg: 83.7204, aux.loss_ce: 0.2010, aux.acc_seg: 81.7991, loss: 0.6453, grad_norm: 4.8242 2023-02-19 05:59:45,777 - mmseg - INFO - Iter [18950/160000] lr: 5.289e-05, eta: 14:25:56, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.4365, decode.acc_seg: 83.2207, aux.loss_ce: 0.2001, aux.acc_seg: 81.0790, loss: 0.6365, grad_norm: 6.4002 2023-02-19 06:00:03,784 - mmseg - INFO - Saving checkpoint at 19000 iterations 2023-02-19 06:00:05,486 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:00:05,487 - mmseg - INFO - Iter [19000/160000] lr: 5.288e-05, eta: 14:25:47, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4121, decode.acc_seg: 84.3549, aux.loss_ce: 0.1828, aux.acc_seg: 82.5269, loss: 0.5949, grad_norm: 4.9384 2023-02-19 06:00:23,946 - mmseg - INFO - Iter [19050/160000] lr: 5.286e-05, eta: 14:25:29, time: 0.369, data_time: 0.005, memory: 20662, decode.loss_ce: 0.4393, decode.acc_seg: 83.7746, aux.loss_ce: 0.1985, aux.acc_seg: 81.9715, loss: 0.6379, grad_norm: 5.2485 2023-02-19 06:00:42,133 - mmseg - INFO - Iter [19100/160000] lr: 5.284e-05, eta: 14:25:09, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4245, decode.acc_seg: 84.1074, aux.loss_ce: 0.1924, aux.acc_seg: 81.8104, loss: 0.6169, grad_norm: 4.7813 2023-02-19 06:01:00,124 - mmseg - INFO - Iter [19150/160000] lr: 5.282e-05, eta: 14:24:48, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4072, decode.acc_seg: 84.2688, aux.loss_ce: 0.1854, aux.acc_seg: 82.4032, loss: 0.5926, grad_norm: 4.4689 2023-02-19 06:01:18,115 - mmseg - INFO - Iter [19200/160000] lr: 5.280e-05, eta: 14:24:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4364, decode.acc_seg: 83.8161, aux.loss_ce: 0.1925, aux.acc_seg: 82.3408, loss: 0.6288, grad_norm: 5.2608 2023-02-19 06:01:36,368 - mmseg - INFO - Iter [19250/160000] lr: 5.278e-05, eta: 14:24:06, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4745, decode.acc_seg: 82.4738, aux.loss_ce: 0.2113, aux.acc_seg: 80.5038, loss: 0.6858, grad_norm: 5.4566 2023-02-19 06:01:54,435 - mmseg - INFO - Iter [19300/160000] lr: 5.276e-05, eta: 14:23:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4462, decode.acc_seg: 83.5475, aux.loss_ce: 0.1987, aux.acc_seg: 81.7616, loss: 0.6448, grad_norm: 5.3592 2023-02-19 06:02:12,519 - mmseg - INFO - Iter [19350/160000] lr: 5.274e-05, eta: 14:23:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4170, decode.acc_seg: 84.4509, aux.loss_ce: 0.1907, aux.acc_seg: 82.5159, loss: 0.6077, grad_norm: 6.0402 2023-02-19 06:02:31,136 - mmseg - INFO - Iter [19400/160000] lr: 5.273e-05, eta: 14:23:08, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4302, decode.acc_seg: 83.6647, aux.loss_ce: 0.1924, aux.acc_seg: 81.7053, loss: 0.6225, grad_norm: 5.7343 2023-02-19 06:02:49,460 - mmseg - INFO - Iter [19450/160000] lr: 5.271e-05, eta: 14:22:48, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4192, decode.acc_seg: 84.4748, aux.loss_ce: 0.1932, aux.acc_seg: 82.3507, loss: 0.6125, grad_norm: 5.7585 2023-02-19 06:03:07,532 - mmseg - INFO - Iter [19500/160000] lr: 5.269e-05, eta: 14:22:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4039, decode.acc_seg: 84.2763, aux.loss_ce: 0.1832, aux.acc_seg: 82.4715, loss: 0.5871, grad_norm: 6.5116 2023-02-19 06:03:25,683 - mmseg - INFO - Iter [19550/160000] lr: 5.267e-05, eta: 14:22:07, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4589, decode.acc_seg: 83.0323, aux.loss_ce: 0.2075, aux.acc_seg: 80.7503, loss: 0.6664, grad_norm: 6.0899 2023-02-19 06:03:43,702 - mmseg - INFO - Iter [19600/160000] lr: 5.265e-05, eta: 14:21:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4248, decode.acc_seg: 84.1056, aux.loss_ce: 0.1905, aux.acc_seg: 82.3111, loss: 0.6153, grad_norm: 4.9674 2023-02-19 06:04:01,750 - mmseg - INFO - Iter [19650/160000] lr: 5.263e-05, eta: 14:21:25, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4177, decode.acc_seg: 84.4567, aux.loss_ce: 0.1909, aux.acc_seg: 82.5660, loss: 0.6086, grad_norm: 6.0975 2023-02-19 06:04:19,764 - mmseg - INFO - Iter [19700/160000] lr: 5.261e-05, eta: 14:21:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4367, decode.acc_seg: 84.2032, aux.loss_ce: 0.1977, aux.acc_seg: 82.3356, loss: 0.6345, grad_norm: 6.5568 2023-02-19 06:04:37,986 - mmseg - INFO - Iter [19750/160000] lr: 5.259e-05, eta: 14:20:44, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4065, decode.acc_seg: 84.3218, aux.loss_ce: 0.1827, aux.acc_seg: 82.4461, loss: 0.5892, grad_norm: 4.6695 2023-02-19 06:04:55,956 - mmseg - INFO - Iter [19800/160000] lr: 5.258e-05, eta: 14:20:22, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4154, decode.acc_seg: 84.6951, aux.loss_ce: 0.1900, aux.acc_seg: 82.6064, loss: 0.6054, grad_norm: 5.3157 2023-02-19 06:05:14,249 - mmseg - INFO - Iter [19850/160000] lr: 5.256e-05, eta: 14:20:03, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4117, decode.acc_seg: 84.4787, aux.loss_ce: 0.1862, aux.acc_seg: 82.4628, loss: 0.5979, grad_norm: 5.3004 2023-02-19 06:05:32,627 - mmseg - INFO - Iter [19900/160000] lr: 5.254e-05, eta: 14:19:44, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4303, decode.acc_seg: 83.6391, aux.loss_ce: 0.1951, aux.acc_seg: 81.7970, loss: 0.6254, grad_norm: 5.7210 2023-02-19 06:05:51,925 - mmseg - INFO - Iter [19950/160000] lr: 5.252e-05, eta: 14:19:32, time: 0.386, data_time: 0.007, memory: 20662, decode.loss_ce: 0.4215, decode.acc_seg: 84.6088, aux.loss_ce: 0.1917, aux.acc_seg: 82.4048, loss: 0.6132, grad_norm: 6.3908 2023-02-19 06:06:09,874 - mmseg - INFO - Saving checkpoint at 20000 iterations 2023-02-19 06:06:11,596 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:06:11,596 - mmseg - INFO - Iter [20000/160000] lr: 5.250e-05, eta: 14:19:23, time: 0.393, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4176, decode.acc_seg: 84.0430, aux.loss_ce: 0.1903, aux.acc_seg: 81.9001, loss: 0.6078, grad_norm: 7.6411 2023-02-19 06:06:29,599 - mmseg - INFO - Iter [20050/160000] lr: 5.248e-05, eta: 14:19:01, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4417, decode.acc_seg: 83.4848, aux.loss_ce: 0.1994, aux.acc_seg: 81.4225, loss: 0.6411, grad_norm: 5.9221 2023-02-19 06:06:47,563 - mmseg - INFO - Iter [20100/160000] lr: 5.246e-05, eta: 14:18:40, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4320, decode.acc_seg: 83.7909, aux.loss_ce: 0.1961, aux.acc_seg: 81.8634, loss: 0.6281, grad_norm: 5.2592 2023-02-19 06:07:05,598 - mmseg - INFO - Iter [20150/160000] lr: 5.244e-05, eta: 14:18:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4247, decode.acc_seg: 83.9259, aux.loss_ce: 0.1894, aux.acc_seg: 82.0241, loss: 0.6141, grad_norm: 5.1111 2023-02-19 06:07:24,108 - mmseg - INFO - Iter [20200/160000] lr: 5.243e-05, eta: 14:18:01, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4237, decode.acc_seg: 84.3001, aux.loss_ce: 0.1930, aux.acc_seg: 82.2149, loss: 0.6167, grad_norm: 5.5385 2023-02-19 06:07:44,441 - mmseg - INFO - Iter [20250/160000] lr: 5.241e-05, eta: 14:17:56, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.4147, decode.acc_seg: 84.2724, aux.loss_ce: 0.1889, aux.acc_seg: 82.2843, loss: 0.6036, grad_norm: 5.0869 2023-02-19 06:08:02,595 - mmseg - INFO - Iter [20300/160000] lr: 5.239e-05, eta: 14:17:36, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3989, decode.acc_seg: 84.6510, aux.loss_ce: 0.1841, aux.acc_seg: 82.4910, loss: 0.5830, grad_norm: 5.5210 2023-02-19 06:08:20,586 - mmseg - INFO - Iter [20350/160000] lr: 5.237e-05, eta: 14:17:14, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4183, decode.acc_seg: 84.0171, aux.loss_ce: 0.1947, aux.acc_seg: 81.4605, loss: 0.6130, grad_norm: 6.8711 2023-02-19 06:08:38,530 - mmseg - INFO - Iter [20400/160000] lr: 5.235e-05, eta: 14:16:53, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4022, decode.acc_seg: 84.8560, aux.loss_ce: 0.1877, aux.acc_seg: 82.5573, loss: 0.5899, grad_norm: 5.9797 2023-02-19 06:08:56,543 - mmseg - INFO - Iter [20450/160000] lr: 5.233e-05, eta: 14:16:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4180, decode.acc_seg: 84.3014, aux.loss_ce: 0.1934, aux.acc_seg: 81.9386, loss: 0.6114, grad_norm: 6.0271 2023-02-19 06:09:14,767 - mmseg - INFO - Iter [20500/160000] lr: 5.231e-05, eta: 14:16:12, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3926, decode.acc_seg: 85.0668, aux.loss_ce: 0.1817, aux.acc_seg: 82.6398, loss: 0.5743, grad_norm: 5.7731 2023-02-19 06:09:32,712 - mmseg - INFO - Iter [20550/160000] lr: 5.229e-05, eta: 14:15:50, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3813, decode.acc_seg: 85.9006, aux.loss_ce: 0.1779, aux.acc_seg: 83.7534, loss: 0.5592, grad_norm: 5.1081 2023-02-19 06:09:50,674 - mmseg - INFO - Iter [20600/160000] lr: 5.228e-05, eta: 14:15:29, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4198, decode.acc_seg: 84.0767, aux.loss_ce: 0.1937, aux.acc_seg: 81.6328, loss: 0.6135, grad_norm: 5.1064 2023-02-19 06:10:08,656 - mmseg - INFO - Iter [20650/160000] lr: 5.226e-05, eta: 14:15:08, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4379, decode.acc_seg: 83.5081, aux.loss_ce: 0.1987, aux.acc_seg: 81.3724, loss: 0.6366, grad_norm: 6.8456 2023-02-19 06:10:26,756 - mmseg - INFO - Iter [20700/160000] lr: 5.224e-05, eta: 14:14:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4010, decode.acc_seg: 84.5406, aux.loss_ce: 0.1820, aux.acc_seg: 82.7182, loss: 0.5830, grad_norm: 4.7851 2023-02-19 06:10:44,935 - mmseg - INFO - Iter [20750/160000] lr: 5.222e-05, eta: 14:14:27, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4236, decode.acc_seg: 84.7504, aux.loss_ce: 0.1951, aux.acc_seg: 82.2707, loss: 0.6187, grad_norm: 5.3940 2023-02-19 06:11:03,138 - mmseg - INFO - Iter [20800/160000] lr: 5.220e-05, eta: 14:14:07, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4231, decode.acc_seg: 84.3665, aux.loss_ce: 0.1880, aux.acc_seg: 82.4914, loss: 0.6111, grad_norm: 6.3449 2023-02-19 06:11:21,500 - mmseg - INFO - Iter [20850/160000] lr: 5.218e-05, eta: 14:13:49, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4142, decode.acc_seg: 84.3326, aux.loss_ce: 0.1894, aux.acc_seg: 82.4024, loss: 0.6035, grad_norm: 8.6221 2023-02-19 06:11:39,594 - mmseg - INFO - Iter [20900/160000] lr: 5.216e-05, eta: 14:13:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3886, decode.acc_seg: 84.9850, aux.loss_ce: 0.1797, aux.acc_seg: 83.0878, loss: 0.5683, grad_norm: 4.9688 2023-02-19 06:11:58,067 - mmseg - INFO - Iter [20950/160000] lr: 5.214e-05, eta: 14:13:10, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4256, decode.acc_seg: 84.0736, aux.loss_ce: 0.1951, aux.acc_seg: 82.2147, loss: 0.6207, grad_norm: 5.8826 2023-02-19 06:12:16,056 - mmseg - INFO - Saving checkpoint at 21000 iterations 2023-02-19 06:12:17,919 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:12:17,919 - mmseg - INFO - Iter [21000/160000] lr: 5.213e-05, eta: 14:13:01, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4013, decode.acc_seg: 84.9753, aux.loss_ce: 0.1865, aux.acc_seg: 82.7440, loss: 0.5878, grad_norm: 5.3371 2023-02-19 06:12:36,496 - mmseg - INFO - Iter [21050/160000] lr: 5.211e-05, eta: 14:12:44, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3910, decode.acc_seg: 84.9867, aux.loss_ce: 0.1801, aux.acc_seg: 82.6692, loss: 0.5710, grad_norm: 5.0136 2023-02-19 06:12:54,825 - mmseg - INFO - Iter [21100/160000] lr: 5.209e-05, eta: 14:12:25, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4046, decode.acc_seg: 84.5877, aux.loss_ce: 0.1845, aux.acc_seg: 82.6106, loss: 0.5891, grad_norm: 4.9933 2023-02-19 06:13:13,552 - mmseg - INFO - Iter [21150/160000] lr: 5.207e-05, eta: 14:12:09, time: 0.375, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4306, decode.acc_seg: 83.7345, aux.loss_ce: 0.1938, aux.acc_seg: 81.7015, loss: 0.6245, grad_norm: 5.4158 2023-02-19 06:13:31,649 - mmseg - INFO - Iter [21200/160000] lr: 5.205e-05, eta: 14:11:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4181, decode.acc_seg: 84.0921, aux.loss_ce: 0.1885, aux.acc_seg: 82.2497, loss: 0.6066, grad_norm: 6.7655 2023-02-19 06:13:49,635 - mmseg - INFO - Iter [21250/160000] lr: 5.203e-05, eta: 14:11:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4158, decode.acc_seg: 84.4551, aux.loss_ce: 0.1913, aux.acc_seg: 82.1526, loss: 0.6070, grad_norm: 5.7370 2023-02-19 06:14:07,646 - mmseg - INFO - Iter [21300/160000] lr: 5.201e-05, eta: 14:11:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4206, decode.acc_seg: 84.4117, aux.loss_ce: 0.1893, aux.acc_seg: 82.3462, loss: 0.6098, grad_norm: 6.1532 2023-02-19 06:14:25,770 - mmseg - INFO - Iter [21350/160000] lr: 5.199e-05, eta: 14:10:46, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4136, decode.acc_seg: 84.7457, aux.loss_ce: 0.1895, aux.acc_seg: 82.3948, loss: 0.6032, grad_norm: 5.5596 2023-02-19 06:14:44,014 - mmseg - INFO - Iter [21400/160000] lr: 5.198e-05, eta: 14:10:26, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4405, decode.acc_seg: 83.6116, aux.loss_ce: 0.1982, aux.acc_seg: 81.7295, loss: 0.6387, grad_norm: 6.2279 2023-02-19 06:15:02,037 - mmseg - INFO - Iter [21450/160000] lr: 5.196e-05, eta: 14:10:05, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3867, decode.acc_seg: 85.3733, aux.loss_ce: 0.1819, aux.acc_seg: 82.8655, loss: 0.5686, grad_norm: 5.4521 2023-02-19 06:15:22,380 - mmseg - INFO - Iter [21500/160000] lr: 5.194e-05, eta: 14:09:59, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.4113, decode.acc_seg: 84.4668, aux.loss_ce: 0.1894, aux.acc_seg: 82.3391, loss: 0.6007, grad_norm: 5.5260 2023-02-19 06:15:40,410 - mmseg - INFO - Iter [21550/160000] lr: 5.192e-05, eta: 14:09:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3913, decode.acc_seg: 85.0757, aux.loss_ce: 0.1787, aux.acc_seg: 83.1432, loss: 0.5701, grad_norm: 6.2065 2023-02-19 06:15:58,467 - mmseg - INFO - Iter [21600/160000] lr: 5.190e-05, eta: 14:09:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3904, decode.acc_seg: 84.9505, aux.loss_ce: 0.1802, aux.acc_seg: 82.9333, loss: 0.5707, grad_norm: 5.7391 2023-02-19 06:16:16,775 - mmseg - INFO - Iter [21650/160000] lr: 5.188e-05, eta: 14:08:59, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4111, decode.acc_seg: 84.5200, aux.loss_ce: 0.1912, aux.acc_seg: 81.9442, loss: 0.6023, grad_norm: 7.1375 2023-02-19 06:16:34,850 - mmseg - INFO - Iter [21700/160000] lr: 5.186e-05, eta: 14:08:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3758, decode.acc_seg: 85.8140, aux.loss_ce: 0.1760, aux.acc_seg: 83.5903, loss: 0.5519, grad_norm: 5.4523 2023-02-19 06:16:52,972 - mmseg - INFO - Iter [21750/160000] lr: 5.184e-05, eta: 14:08:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3686, decode.acc_seg: 85.8312, aux.loss_ce: 0.1761, aux.acc_seg: 83.2653, loss: 0.5447, grad_norm: 4.9734 2023-02-19 06:17:10,978 - mmseg - INFO - Iter [21800/160000] lr: 5.183e-05, eta: 14:07:57, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3926, decode.acc_seg: 85.4244, aux.loss_ce: 0.1815, aux.acc_seg: 83.3567, loss: 0.5742, grad_norm: 4.8338 2023-02-19 06:17:29,060 - mmseg - INFO - Iter [21850/160000] lr: 5.181e-05, eta: 14:07:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3910, decode.acc_seg: 85.1750, aux.loss_ce: 0.1832, aux.acc_seg: 82.5808, loss: 0.5742, grad_norm: 5.2199 2023-02-19 06:17:47,115 - mmseg - INFO - Iter [21900/160000] lr: 5.179e-05, eta: 14:07:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4087, decode.acc_seg: 84.9603, aux.loss_ce: 0.1864, aux.acc_seg: 82.7589, loss: 0.5951, grad_norm: 4.7216 2023-02-19 06:18:05,318 - mmseg - INFO - Iter [21950/160000] lr: 5.177e-05, eta: 14:06:56, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4192, decode.acc_seg: 83.8482, aux.loss_ce: 0.1920, aux.acc_seg: 81.9215, loss: 0.6112, grad_norm: 6.1907 2023-02-19 06:18:23,343 - mmseg - INFO - Saving checkpoint at 22000 iterations 2023-02-19 06:18:25,110 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:18:25,111 - mmseg - INFO - Iter [22000/160000] lr: 5.175e-05, eta: 14:06:47, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3910, decode.acc_seg: 85.2693, aux.loss_ce: 0.1783, aux.acc_seg: 83.3468, loss: 0.5693, grad_norm: 5.0329 2023-02-19 06:18:43,226 - mmseg - INFO - Iter [22050/160000] lr: 5.173e-05, eta: 14:06:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4054, decode.acc_seg: 85.0233, aux.loss_ce: 0.1864, aux.acc_seg: 82.9364, loss: 0.5918, grad_norm: 5.1370 2023-02-19 06:19:01,347 - mmseg - INFO - Iter [22100/160000] lr: 5.171e-05, eta: 14:06:06, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3969, decode.acc_seg: 84.8610, aux.loss_ce: 0.1844, aux.acc_seg: 82.9808, loss: 0.5813, grad_norm: 5.8161 2023-02-19 06:19:19,320 - mmseg - INFO - Iter [22150/160000] lr: 5.169e-05, eta: 14:05:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4166, decode.acc_seg: 83.8012, aux.loss_ce: 0.1892, aux.acc_seg: 81.7863, loss: 0.6057, grad_norm: 4.8940 2023-02-19 06:19:37,376 - mmseg - INFO - Iter [22200/160000] lr: 5.168e-05, eta: 14:05:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4095, decode.acc_seg: 84.7983, aux.loss_ce: 0.1917, aux.acc_seg: 82.5722, loss: 0.6012, grad_norm: 4.9969 2023-02-19 06:19:55,478 - mmseg - INFO - Iter [22250/160000] lr: 5.166e-05, eta: 14:05:04, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3996, decode.acc_seg: 84.9056, aux.loss_ce: 0.1871, aux.acc_seg: 82.5268, loss: 0.5868, grad_norm: 5.5072 2023-02-19 06:20:13,892 - mmseg - INFO - Iter [22300/160000] lr: 5.164e-05, eta: 14:04:46, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3945, decode.acc_seg: 85.0817, aux.loss_ce: 0.1859, aux.acc_seg: 82.5665, loss: 0.5805, grad_norm: 5.7558 2023-02-19 06:20:32,243 - mmseg - INFO - Iter [22350/160000] lr: 5.162e-05, eta: 14:04:27, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4016, decode.acc_seg: 84.9730, aux.loss_ce: 0.1830, aux.acc_seg: 82.8515, loss: 0.5846, grad_norm: 6.5368 2023-02-19 06:20:50,421 - mmseg - INFO - Iter [22400/160000] lr: 5.160e-05, eta: 14:04:07, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4067, decode.acc_seg: 85.1688, aux.loss_ce: 0.1885, aux.acc_seg: 82.6638, loss: 0.5951, grad_norm: 6.3450 2023-02-19 06:21:08,550 - mmseg - INFO - Iter [22450/160000] lr: 5.158e-05, eta: 14:03:47, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4014, decode.acc_seg: 84.8091, aux.loss_ce: 0.1890, aux.acc_seg: 82.1539, loss: 0.5904, grad_norm: 4.9660 2023-02-19 06:21:26,577 - mmseg - INFO - Iter [22500/160000] lr: 5.156e-05, eta: 14:03:27, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4070, decode.acc_seg: 84.8585, aux.loss_ce: 0.1888, aux.acc_seg: 82.5530, loss: 0.5957, grad_norm: 5.2065 2023-02-19 06:21:44,565 - mmseg - INFO - Iter [22550/160000] lr: 5.154e-05, eta: 14:03:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3851, decode.acc_seg: 85.4260, aux.loss_ce: 0.1818, aux.acc_seg: 82.9789, loss: 0.5668, grad_norm: 4.6857 2023-02-19 06:22:02,566 - mmseg - INFO - Iter [22600/160000] lr: 5.153e-05, eta: 14:02:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3882, decode.acc_seg: 85.5210, aux.loss_ce: 0.1815, aux.acc_seg: 83.2045, loss: 0.5697, grad_norm: 5.5652 2023-02-19 06:22:20,595 - mmseg - INFO - Iter [22650/160000] lr: 5.151e-05, eta: 14:02:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4166, decode.acc_seg: 84.2325, aux.loss_ce: 0.1936, aux.acc_seg: 81.9823, loss: 0.6102, grad_norm: 6.1221 2023-02-19 06:22:38,672 - mmseg - INFO - Iter [22700/160000] lr: 5.149e-05, eta: 14:02:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4184, decode.acc_seg: 83.8046, aux.loss_ce: 0.1934, aux.acc_seg: 81.3125, loss: 0.6118, grad_norm: 6.5980 2023-02-19 06:22:59,064 - mmseg - INFO - Iter [22750/160000] lr: 5.147e-05, eta: 14:01:57, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.3998, decode.acc_seg: 84.8748, aux.loss_ce: 0.1847, aux.acc_seg: 82.7398, loss: 0.5844, grad_norm: 5.9458 2023-02-19 06:23:17,242 - mmseg - INFO - Iter [22800/160000] lr: 5.145e-05, eta: 14:01:38, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3859, decode.acc_seg: 85.4195, aux.loss_ce: 0.1801, aux.acc_seg: 83.0106, loss: 0.5660, grad_norm: 5.1545 2023-02-19 06:23:35,263 - mmseg - INFO - Iter [22850/160000] lr: 5.143e-05, eta: 14:01:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3727, decode.acc_seg: 85.7390, aux.loss_ce: 0.1739, aux.acc_seg: 83.5873, loss: 0.5465, grad_norm: 7.2462 2023-02-19 06:23:53,292 - mmseg - INFO - Iter [22900/160000] lr: 5.141e-05, eta: 14:00:56, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3981, decode.acc_seg: 84.8550, aux.loss_ce: 0.1902, aux.acc_seg: 82.5550, loss: 0.5884, grad_norm: 5.8987 2023-02-19 06:24:11,436 - mmseg - INFO - Iter [22950/160000] lr: 5.139e-05, eta: 14:00:36, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4018, decode.acc_seg: 85.2111, aux.loss_ce: 0.1850, aux.acc_seg: 82.6998, loss: 0.5868, grad_norm: 6.0086 2023-02-19 06:24:29,600 - mmseg - INFO - Saving checkpoint at 23000 iterations 2023-02-19 06:24:31,348 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:24:31,348 - mmseg - INFO - Iter [23000/160000] lr: 5.138e-05, eta: 14:00:27, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3849, decode.acc_seg: 85.0041, aux.loss_ce: 0.1804, aux.acc_seg: 82.6548, loss: 0.5652, grad_norm: 5.3454 2023-02-19 06:24:49,629 - mmseg - INFO - Iter [23050/160000] lr: 5.136e-05, eta: 14:00:08, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3957, decode.acc_seg: 84.7676, aux.loss_ce: 0.1853, aux.acc_seg: 82.2813, loss: 0.5810, grad_norm: 6.2548 2023-02-19 06:25:07,793 - mmseg - INFO - Iter [23100/160000] lr: 5.134e-05, eta: 13:59:48, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3904, decode.acc_seg: 85.4192, aux.loss_ce: 0.1823, aux.acc_seg: 83.0234, loss: 0.5727, grad_norm: 5.2142 2023-02-19 06:25:25,922 - mmseg - INFO - Iter [23150/160000] lr: 5.132e-05, eta: 13:59:28, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3900, decode.acc_seg: 84.9206, aux.loss_ce: 0.1794, aux.acc_seg: 82.6614, loss: 0.5694, grad_norm: 6.3235 2023-02-19 06:25:43,830 - mmseg - INFO - Iter [23200/160000] lr: 5.130e-05, eta: 13:59:07, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3984, decode.acc_seg: 84.7948, aux.loss_ce: 0.1863, aux.acc_seg: 82.1616, loss: 0.5847, grad_norm: 5.8121 2023-02-19 06:26:02,202 - mmseg - INFO - Iter [23250/160000] lr: 5.128e-05, eta: 13:58:48, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3824, decode.acc_seg: 85.7039, aux.loss_ce: 0.1823, aux.acc_seg: 82.8696, loss: 0.5647, grad_norm: 5.8113 2023-02-19 06:26:20,732 - mmseg - INFO - Iter [23300/160000] lr: 5.126e-05, eta: 13:58:30, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3731, decode.acc_seg: 86.1297, aux.loss_ce: 0.1811, aux.acc_seg: 83.3397, loss: 0.5542, grad_norm: 5.5929 2023-02-19 06:26:38,714 - mmseg - INFO - Iter [23350/160000] lr: 5.124e-05, eta: 13:58:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4039, decode.acc_seg: 84.9512, aux.loss_ce: 0.1901, aux.acc_seg: 82.1258, loss: 0.5941, grad_norm: 5.7406 2023-02-19 06:26:56,655 - mmseg - INFO - Iter [23400/160000] lr: 5.123e-05, eta: 13:57:48, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3756, decode.acc_seg: 85.1141, aux.loss_ce: 0.1745, aux.acc_seg: 82.8029, loss: 0.5501, grad_norm: 5.3902 2023-02-19 06:27:14,619 - mmseg - INFO - Iter [23450/160000] lr: 5.121e-05, eta: 13:57:27, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3744, decode.acc_seg: 85.4109, aux.loss_ce: 0.1768, aux.acc_seg: 83.0471, loss: 0.5512, grad_norm: 5.4358 2023-02-19 06:27:32,899 - mmseg - INFO - Iter [23500/160000] lr: 5.119e-05, eta: 13:57:08, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3700, decode.acc_seg: 85.6538, aux.loss_ce: 0.1735, aux.acc_seg: 83.5303, loss: 0.5435, grad_norm: 5.0220 2023-02-19 06:27:51,241 - mmseg - INFO - Iter [23550/160000] lr: 5.117e-05, eta: 13:56:50, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3790, decode.acc_seg: 85.7779, aux.loss_ce: 0.1761, aux.acc_seg: 83.5879, loss: 0.5552, grad_norm: 5.1326 2023-02-19 06:28:09,697 - mmseg - INFO - Iter [23600/160000] lr: 5.115e-05, eta: 13:56:32, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3805, decode.acc_seg: 85.3981, aux.loss_ce: 0.1777, aux.acc_seg: 83.1092, loss: 0.5582, grad_norm: 4.8842 2023-02-19 06:28:28,191 - mmseg - INFO - Iter [23650/160000] lr: 5.113e-05, eta: 13:56:14, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3730, decode.acc_seg: 85.9853, aux.loss_ce: 0.1801, aux.acc_seg: 83.1169, loss: 0.5531, grad_norm: 5.1639 2023-02-19 06:28:46,286 - mmseg - INFO - Iter [23700/160000] lr: 5.111e-05, eta: 13:55:54, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.4054, decode.acc_seg: 84.5173, aux.loss_ce: 0.1913, aux.acc_seg: 81.9242, loss: 0.5967, grad_norm: 5.8573 2023-02-19 06:29:04,487 - mmseg - INFO - Iter [23750/160000] lr: 5.109e-05, eta: 13:55:34, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3818, decode.acc_seg: 85.5569, aux.loss_ce: 0.1788, aux.acc_seg: 83.4074, loss: 0.5607, grad_norm: 6.0198 2023-02-19 06:29:22,900 - mmseg - INFO - Iter [23800/160000] lr: 5.108e-05, eta: 13:55:16, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3810, decode.acc_seg: 85.7630, aux.loss_ce: 0.1787, aux.acc_seg: 83.2478, loss: 0.5597, grad_norm: 5.4453 2023-02-19 06:29:40,874 - mmseg - INFO - Iter [23850/160000] lr: 5.106e-05, eta: 13:54:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3880, decode.acc_seg: 85.1087, aux.loss_ce: 0.1815, aux.acc_seg: 82.7607, loss: 0.5695, grad_norm: 5.4234 2023-02-19 06:29:59,059 - mmseg - INFO - Iter [23900/160000] lr: 5.104e-05, eta: 13:54:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3818, decode.acc_seg: 85.8507, aux.loss_ce: 0.1818, aux.acc_seg: 82.9372, loss: 0.5636, grad_norm: 4.3395 2023-02-19 06:30:17,033 - mmseg - INFO - Iter [23950/160000] lr: 5.102e-05, eta: 13:54:15, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3822, decode.acc_seg: 85.8893, aux.loss_ce: 0.1819, aux.acc_seg: 83.3825, loss: 0.5641, grad_norm: 4.8476 2023-02-19 06:30:37,733 - mmseg - INFO - Saving checkpoint at 24000 iterations 2023-02-19 06:30:39,501 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:30:39,501 - mmseg - INFO - Iter [24000/160000] lr: 5.100e-05, eta: 13:54:19, time: 0.449, data_time: 0.050, memory: 20662, decode.loss_ce: 0.4146, decode.acc_seg: 84.4399, aux.loss_ce: 0.1930, aux.acc_seg: 82.0711, loss: 0.6075, grad_norm: 6.8837 2023-02-19 06:30:57,674 - mmseg - INFO - Iter [24050/160000] lr: 5.098e-05, eta: 13:53:59, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3571, decode.acc_seg: 86.0630, aux.loss_ce: 0.1677, aux.acc_seg: 83.8412, loss: 0.5248, grad_norm: 5.0641 2023-02-19 06:31:15,856 - mmseg - INFO - Iter [24100/160000] lr: 5.096e-05, eta: 13:53:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3571, decode.acc_seg: 86.3130, aux.loss_ce: 0.1742, aux.acc_seg: 83.4359, loss: 0.5313, grad_norm: 3.9156 2023-02-19 06:31:33,928 - mmseg - INFO - Iter [24150/160000] lr: 5.094e-05, eta: 13:53:20, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3864, decode.acc_seg: 85.5180, aux.loss_ce: 0.1810, aux.acc_seg: 83.0808, loss: 0.5674, grad_norm: 6.4713 2023-02-19 06:31:51,952 - mmseg - INFO - Iter [24200/160000] lr: 5.093e-05, eta: 13:52:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3635, decode.acc_seg: 86.8017, aux.loss_ce: 0.1730, aux.acc_seg: 84.1633, loss: 0.5365, grad_norm: 5.5054 2023-02-19 06:32:10,175 - mmseg - INFO - Iter [24250/160000] lr: 5.091e-05, eta: 13:52:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3603, decode.acc_seg: 85.9793, aux.loss_ce: 0.1735, aux.acc_seg: 83.2311, loss: 0.5338, grad_norm: 5.7450 2023-02-19 06:32:28,294 - mmseg - INFO - Iter [24300/160000] lr: 5.089e-05, eta: 13:52:20, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3653, decode.acc_seg: 86.2631, aux.loss_ce: 0.1713, aux.acc_seg: 83.6396, loss: 0.5366, grad_norm: 4.7972 2023-02-19 06:32:46,352 - mmseg - INFO - Iter [24350/160000] lr: 5.087e-05, eta: 13:51:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3764, decode.acc_seg: 85.7262, aux.loss_ce: 0.1772, aux.acc_seg: 83.3736, loss: 0.5536, grad_norm: 5.5356 2023-02-19 06:33:04,376 - mmseg - INFO - Iter [24400/160000] lr: 5.085e-05, eta: 13:51:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3673, decode.acc_seg: 85.9399, aux.loss_ce: 0.1713, aux.acc_seg: 83.7395, loss: 0.5386, grad_norm: 4.9310 2023-02-19 06:33:22,419 - mmseg - INFO - Iter [24450/160000] lr: 5.083e-05, eta: 13:51:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3847, decode.acc_seg: 85.3942, aux.loss_ce: 0.1814, aux.acc_seg: 83.1905, loss: 0.5661, grad_norm: 5.0742 2023-02-19 06:33:40,385 - mmseg - INFO - Iter [24500/160000] lr: 5.081e-05, eta: 13:50:58, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3772, decode.acc_seg: 85.7970, aux.loss_ce: 0.1802, aux.acc_seg: 83.3169, loss: 0.5574, grad_norm: 5.8935 2023-02-19 06:33:58,797 - mmseg - INFO - Iter [24550/160000] lr: 5.079e-05, eta: 13:50:39, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3725, decode.acc_seg: 85.6430, aux.loss_ce: 0.1762, aux.acc_seg: 83.4723, loss: 0.5487, grad_norm: 5.2154 2023-02-19 06:34:17,332 - mmseg - INFO - Iter [24600/160000] lr: 5.078e-05, eta: 13:50:22, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3689, decode.acc_seg: 86.3721, aux.loss_ce: 0.1761, aux.acc_seg: 83.9351, loss: 0.5450, grad_norm: 5.2482 2023-02-19 06:34:35,314 - mmseg - INFO - Iter [24650/160000] lr: 5.076e-05, eta: 13:50:01, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3743, decode.acc_seg: 85.9879, aux.loss_ce: 0.1741, aux.acc_seg: 83.5922, loss: 0.5485, grad_norm: 4.7916 2023-02-19 06:34:53,317 - mmseg - INFO - Iter [24700/160000] lr: 5.074e-05, eta: 13:49:40, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3637, decode.acc_seg: 86.1105, aux.loss_ce: 0.1705, aux.acc_seg: 83.9084, loss: 0.5342, grad_norm: 6.0857 2023-02-19 06:35:11,427 - mmseg - INFO - Iter [24750/160000] lr: 5.072e-05, eta: 13:49:20, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3772, decode.acc_seg: 85.6167, aux.loss_ce: 0.1788, aux.acc_seg: 82.8850, loss: 0.5559, grad_norm: 4.7607 2023-02-19 06:35:29,579 - mmseg - INFO - Iter [24800/160000] lr: 5.070e-05, eta: 13:49:01, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3786, decode.acc_seg: 86.1433, aux.loss_ce: 0.1786, aux.acc_seg: 83.5177, loss: 0.5571, grad_norm: 5.8216 2023-02-19 06:35:47,785 - mmseg - INFO - Iter [24850/160000] lr: 5.068e-05, eta: 13:48:41, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3523, decode.acc_seg: 86.5336, aux.loss_ce: 0.1680, aux.acc_seg: 84.1800, loss: 0.5202, grad_norm: 5.5170 2023-02-19 06:36:05,869 - mmseg - INFO - Iter [24900/160000] lr: 5.066e-05, eta: 13:48:21, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3728, decode.acc_seg: 85.6827, aux.loss_ce: 0.1775, aux.acc_seg: 83.0369, loss: 0.5503, grad_norm: 4.9184 2023-02-19 06:36:23,961 - mmseg - INFO - Iter [24950/160000] lr: 5.064e-05, eta: 13:48:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3624, decode.acc_seg: 86.2867, aux.loss_ce: 0.1732, aux.acc_seg: 83.6602, loss: 0.5356, grad_norm: 4.8512 2023-02-19 06:36:43,380 - mmseg - INFO - Saving checkpoint at 25000 iterations 2023-02-19 06:36:45,112 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:36:45,112 - mmseg - INFO - Iter [25000/160000] lr: 5.063e-05, eta: 13:47:58, time: 0.423, data_time: 0.007, memory: 20662, decode.loss_ce: 0.3658, decode.acc_seg: 86.4375, aux.loss_ce: 0.1729, aux.acc_seg: 83.8961, loss: 0.5387, grad_norm: 5.6798 2023-02-19 06:37:03,135 - mmseg - INFO - Iter [25050/160000] lr: 5.061e-05, eta: 13:47:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3610, decode.acc_seg: 86.0264, aux.loss_ce: 0.1706, aux.acc_seg: 83.5108, loss: 0.5317, grad_norm: 5.4995 2023-02-19 06:37:21,190 - mmseg - INFO - Iter [25100/160000] lr: 5.059e-05, eta: 13:47:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3777, decode.acc_seg: 85.8697, aux.loss_ce: 0.1783, aux.acc_seg: 83.1958, loss: 0.5560, grad_norm: 5.2730 2023-02-19 06:37:39,193 - mmseg - INFO - Iter [25150/160000] lr: 5.057e-05, eta: 13:46:57, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3988, decode.acc_seg: 84.6924, aux.loss_ce: 0.1862, aux.acc_seg: 82.6162, loss: 0.5849, grad_norm: 5.1670 2023-02-19 06:37:57,642 - mmseg - INFO - Iter [25200/160000] lr: 5.055e-05, eta: 13:46:38, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3905, decode.acc_seg: 84.8643, aux.loss_ce: 0.1847, aux.acc_seg: 82.4889, loss: 0.5752, grad_norm: 5.2922 2023-02-19 06:38:15,665 - mmseg - INFO - Iter [25250/160000] lr: 5.053e-05, eta: 13:46:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3828, decode.acc_seg: 85.5159, aux.loss_ce: 0.1771, aux.acc_seg: 83.3895, loss: 0.5599, grad_norm: 6.2132 2023-02-19 06:38:36,782 - mmseg - INFO - Iter [25300/160000] lr: 5.051e-05, eta: 13:46:14, time: 0.422, data_time: 0.051, memory: 20662, decode.loss_ce: 0.3509, decode.acc_seg: 86.8163, aux.loss_ce: 0.1712, aux.acc_seg: 84.1568, loss: 0.5220, grad_norm: 5.2526 2023-02-19 06:38:54,825 - mmseg - INFO - Iter [25350/160000] lr: 5.049e-05, eta: 13:45:54, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3616, decode.acc_seg: 86.6357, aux.loss_ce: 0.1738, aux.acc_seg: 83.8777, loss: 0.5354, grad_norm: 4.7963 2023-02-19 06:39:13,015 - mmseg - INFO - Iter [25400/160000] lr: 5.048e-05, eta: 13:45:34, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3685, decode.acc_seg: 86.0396, aux.loss_ce: 0.1740, aux.acc_seg: 83.4306, loss: 0.5425, grad_norm: 5.0718 2023-02-19 06:39:31,117 - mmseg - INFO - Iter [25450/160000] lr: 5.046e-05, eta: 13:45:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3653, decode.acc_seg: 86.0406, aux.loss_ce: 0.1764, aux.acc_seg: 83.3957, loss: 0.5417, grad_norm: 4.6373 2023-02-19 06:39:49,283 - mmseg - INFO - Iter [25500/160000] lr: 5.044e-05, eta: 13:44:55, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3804, decode.acc_seg: 85.9029, aux.loss_ce: 0.1790, aux.acc_seg: 83.3119, loss: 0.5594, grad_norm: 6.0328 2023-02-19 06:40:07,562 - mmseg - INFO - Iter [25550/160000] lr: 5.042e-05, eta: 13:44:36, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3800, decode.acc_seg: 85.9733, aux.loss_ce: 0.1778, aux.acc_seg: 83.6838, loss: 0.5578, grad_norm: 5.6559 2023-02-19 06:40:25,608 - mmseg - INFO - Iter [25600/160000] lr: 5.040e-05, eta: 13:44:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3644, decode.acc_seg: 85.7763, aux.loss_ce: 0.1738, aux.acc_seg: 83.2523, loss: 0.5382, grad_norm: 5.3799 2023-02-19 06:40:43,788 - mmseg - INFO - Iter [25650/160000] lr: 5.038e-05, eta: 13:43:56, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3656, decode.acc_seg: 86.5286, aux.loss_ce: 0.1747, aux.acc_seg: 83.8460, loss: 0.5403, grad_norm: 5.7741 2023-02-19 06:41:01,939 - mmseg - INFO - Iter [25700/160000] lr: 5.036e-05, eta: 13:43:36, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3524, decode.acc_seg: 86.6628, aux.loss_ce: 0.1691, aux.acc_seg: 84.1006, loss: 0.5215, grad_norm: 5.2750 2023-02-19 06:41:19,976 - mmseg - INFO - Iter [25750/160000] lr: 5.034e-05, eta: 13:43:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3497, decode.acc_seg: 86.2197, aux.loss_ce: 0.1675, aux.acc_seg: 83.8237, loss: 0.5172, grad_norm: 5.6764 2023-02-19 06:41:38,080 - mmseg - INFO - Iter [25800/160000] lr: 5.033e-05, eta: 13:42:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3382, decode.acc_seg: 86.8474, aux.loss_ce: 0.1633, aux.acc_seg: 84.6774, loss: 0.5015, grad_norm: 4.3951 2023-02-19 06:41:56,085 - mmseg - INFO - Iter [25850/160000] lr: 5.031e-05, eta: 13:42:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3521, decode.acc_seg: 86.6181, aux.loss_ce: 0.1681, aux.acc_seg: 84.2741, loss: 0.5201, grad_norm: 6.0496 2023-02-19 06:42:14,201 - mmseg - INFO - Iter [25900/160000] lr: 5.029e-05, eta: 13:42:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3632, decode.acc_seg: 85.5178, aux.loss_ce: 0.1743, aux.acc_seg: 82.8861, loss: 0.5375, grad_norm: 7.0530 2023-02-19 06:42:32,732 - mmseg - INFO - Iter [25950/160000] lr: 5.027e-05, eta: 13:41:58, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3469, decode.acc_seg: 86.7502, aux.loss_ce: 0.1686, aux.acc_seg: 84.0708, loss: 0.5155, grad_norm: 4.1714 2023-02-19 06:42:50,771 - mmseg - INFO - Saving checkpoint at 26000 iterations 2023-02-19 06:42:52,518 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:42:52,518 - mmseg - INFO - Iter [26000/160000] lr: 5.025e-05, eta: 13:41:47, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3522, decode.acc_seg: 86.4855, aux.loss_ce: 0.1706, aux.acc_seg: 83.7773, loss: 0.5228, grad_norm: 5.7735 2023-02-19 06:43:10,788 - mmseg - INFO - Iter [26050/160000] lr: 5.023e-05, eta: 13:41:28, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3620, decode.acc_seg: 86.3583, aux.loss_ce: 0.1714, aux.acc_seg: 83.8689, loss: 0.5334, grad_norm: 4.4690 2023-02-19 06:43:28,837 - mmseg - INFO - Iter [26100/160000] lr: 5.021e-05, eta: 13:41:07, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3769, decode.acc_seg: 85.7607, aux.loss_ce: 0.1826, aux.acc_seg: 83.0024, loss: 0.5595, grad_norm: 5.5080 2023-02-19 06:43:46,932 - mmseg - INFO - Iter [26150/160000] lr: 5.019e-05, eta: 13:40:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3822, decode.acc_seg: 85.5779, aux.loss_ce: 0.1837, aux.acc_seg: 82.4993, loss: 0.5659, grad_norm: 6.7465 2023-02-19 06:44:04,887 - mmseg - INFO - Iter [26200/160000] lr: 5.018e-05, eta: 13:40:27, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3733, decode.acc_seg: 86.2195, aux.loss_ce: 0.1794, aux.acc_seg: 83.3654, loss: 0.5527, grad_norm: 4.8140 2023-02-19 06:44:23,227 - mmseg - INFO - Iter [26250/160000] lr: 5.016e-05, eta: 13:40:08, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3480, decode.acc_seg: 86.4495, aux.loss_ce: 0.1666, aux.acc_seg: 83.6461, loss: 0.5147, grad_norm: 5.4740 2023-02-19 06:44:41,502 - mmseg - INFO - Iter [26300/160000] lr: 5.014e-05, eta: 13:39:49, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3850, decode.acc_seg: 85.4259, aux.loss_ce: 0.1829, aux.acc_seg: 82.8294, loss: 0.5679, grad_norm: 5.9816 2023-02-19 06:44:59,900 - mmseg - INFO - Iter [26350/160000] lr: 5.012e-05, eta: 13:39:31, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3790, decode.acc_seg: 85.9413, aux.loss_ce: 0.1813, aux.acc_seg: 83.2762, loss: 0.5603, grad_norm: 5.1536 2023-02-19 06:45:17,981 - mmseg - INFO - Iter [26400/160000] lr: 5.010e-05, eta: 13:39:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3497, decode.acc_seg: 86.2644, aux.loss_ce: 0.1632, aux.acc_seg: 84.0607, loss: 0.5129, grad_norm: 4.6999 2023-02-19 06:45:36,121 - mmseg - INFO - Iter [26450/160000] lr: 5.008e-05, eta: 13:38:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3602, decode.acc_seg: 85.9666, aux.loss_ce: 0.1690, aux.acc_seg: 83.6672, loss: 0.5292, grad_norm: 5.7060 2023-02-19 06:45:54,287 - mmseg - INFO - Iter [26500/160000] lr: 5.006e-05, eta: 13:38:32, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3887, decode.acc_seg: 85.7876, aux.loss_ce: 0.1848, aux.acc_seg: 83.0122, loss: 0.5735, grad_norm: 5.3164 2023-02-19 06:46:14,796 - mmseg - INFO - Iter [26550/160000] lr: 5.004e-05, eta: 13:38:24, time: 0.410, data_time: 0.049, memory: 20662, decode.loss_ce: 0.3521, decode.acc_seg: 86.7377, aux.loss_ce: 0.1695, aux.acc_seg: 84.2046, loss: 0.5216, grad_norm: 5.2438 2023-02-19 06:46:32,969 - mmseg - INFO - Iter [26600/160000] lr: 5.003e-05, eta: 13:38:04, time: 0.363, data_time: 0.005, memory: 20662, decode.loss_ce: 0.3551, decode.acc_seg: 86.5051, aux.loss_ce: 0.1713, aux.acc_seg: 84.0503, loss: 0.5264, grad_norm: 4.5605 2023-02-19 06:46:51,191 - mmseg - INFO - Iter [26650/160000] lr: 5.001e-05, eta: 13:37:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3514, decode.acc_seg: 86.6430, aux.loss_ce: 0.1687, aux.acc_seg: 83.8677, loss: 0.5201, grad_norm: 4.7304 2023-02-19 06:47:09,360 - mmseg - INFO - Iter [26700/160000] lr: 4.999e-05, eta: 13:37:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3535, decode.acc_seg: 86.5858, aux.loss_ce: 0.1660, aux.acc_seg: 84.3609, loss: 0.5195, grad_norm: 4.5612 2023-02-19 06:47:27,431 - mmseg - INFO - Iter [26750/160000] lr: 4.997e-05, eta: 13:37:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3531, decode.acc_seg: 86.5538, aux.loss_ce: 0.1675, aux.acc_seg: 84.1416, loss: 0.5206, grad_norm: 5.9337 2023-02-19 06:47:45,709 - mmseg - INFO - Iter [26800/160000] lr: 4.995e-05, eta: 13:36:46, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3362, decode.acc_seg: 87.4289, aux.loss_ce: 0.1637, aux.acc_seg: 84.6229, loss: 0.4999, grad_norm: 5.0063 2023-02-19 06:48:03,670 - mmseg - INFO - Iter [26850/160000] lr: 4.993e-05, eta: 13:36:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3638, decode.acc_seg: 86.2355, aux.loss_ce: 0.1727, aux.acc_seg: 83.8720, loss: 0.5366, grad_norm: 6.0235 2023-02-19 06:48:21,576 - mmseg - INFO - Iter [26900/160000] lr: 4.991e-05, eta: 13:36:05, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3408, decode.acc_seg: 86.7199, aux.loss_ce: 0.1609, aux.acc_seg: 84.3827, loss: 0.5017, grad_norm: 5.0788 2023-02-19 06:48:39,774 - mmseg - INFO - Iter [26950/160000] lr: 4.989e-05, eta: 13:35:46, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3700, decode.acc_seg: 86.0459, aux.loss_ce: 0.1778, aux.acc_seg: 83.1128, loss: 0.5478, grad_norm: 5.6088 2023-02-19 06:48:57,911 - mmseg - INFO - Saving checkpoint at 27000 iterations 2023-02-19 06:48:59,663 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:48:59,664 - mmseg - INFO - Iter [27000/160000] lr: 4.988e-05, eta: 13:35:35, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3480, decode.acc_seg: 86.8663, aux.loss_ce: 0.1666, aux.acc_seg: 84.3844, loss: 0.5146, grad_norm: 4.8233 2023-02-19 06:49:17,680 - mmseg - INFO - Iter [27050/160000] lr: 4.986e-05, eta: 13:35:14, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3490, decode.acc_seg: 86.7741, aux.loss_ce: 0.1705, aux.acc_seg: 83.8360, loss: 0.5195, grad_norm: 4.6942 2023-02-19 06:49:35,590 - mmseg - INFO - Iter [27100/160000] lr: 4.984e-05, eta: 13:34:54, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3385, decode.acc_seg: 86.5931, aux.loss_ce: 0.1635, aux.acc_seg: 84.1233, loss: 0.5019, grad_norm: 4.6722 2023-02-19 06:49:53,569 - mmseg - INFO - Iter [27150/160000] lr: 4.982e-05, eta: 13:34:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3585, decode.acc_seg: 86.2589, aux.loss_ce: 0.1747, aux.acc_seg: 82.9544, loss: 0.5331, grad_norm: 4.6908 2023-02-19 06:50:11,584 - mmseg - INFO - Iter [27200/160000] lr: 4.980e-05, eta: 13:34:13, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3558, decode.acc_seg: 86.6008, aux.loss_ce: 0.1734, aux.acc_seg: 83.6085, loss: 0.5292, grad_norm: 4.5781 2023-02-19 06:50:29,545 - mmseg - INFO - Iter [27250/160000] lr: 4.978e-05, eta: 13:33:52, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3470, decode.acc_seg: 86.9818, aux.loss_ce: 0.1663, aux.acc_seg: 84.4404, loss: 0.5133, grad_norm: 5.0055 2023-02-19 06:50:47,774 - mmseg - INFO - Iter [27300/160000] lr: 4.976e-05, eta: 13:33:33, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3438, decode.acc_seg: 86.9699, aux.loss_ce: 0.1633, aux.acc_seg: 84.5250, loss: 0.5071, grad_norm: 5.0139 2023-02-19 06:51:06,158 - mmseg - INFO - Iter [27350/160000] lr: 4.974e-05, eta: 13:33:15, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.3575, decode.acc_seg: 86.5659, aux.loss_ce: 0.1725, aux.acc_seg: 83.6660, loss: 0.5300, grad_norm: 6.6108 2023-02-19 06:51:24,166 - mmseg - INFO - Iter [27400/160000] lr: 4.973e-05, eta: 13:32:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3618, decode.acc_seg: 86.1430, aux.loss_ce: 0.1705, aux.acc_seg: 83.7282, loss: 0.5323, grad_norm: 6.0392 2023-02-19 06:51:42,397 - mmseg - INFO - Iter [27450/160000] lr: 4.971e-05, eta: 13:32:35, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3344, decode.acc_seg: 87.0485, aux.loss_ce: 0.1624, aux.acc_seg: 84.2845, loss: 0.4968, grad_norm: 5.4135 2023-02-19 06:52:00,590 - mmseg - INFO - Iter [27500/160000] lr: 4.969e-05, eta: 13:32:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3570, decode.acc_seg: 86.2601, aux.loss_ce: 0.1689, aux.acc_seg: 83.7260, loss: 0.5259, grad_norm: 5.1840 2023-02-19 06:52:18,994 - mmseg - INFO - Iter [27550/160000] lr: 4.967e-05, eta: 13:31:58, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3611, decode.acc_seg: 86.1651, aux.loss_ce: 0.1724, aux.acc_seg: 83.7488, loss: 0.5334, grad_norm: 5.2048 2023-02-19 06:52:37,054 - mmseg - INFO - Iter [27600/160000] lr: 4.965e-05, eta: 13:31:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3474, decode.acc_seg: 86.7826, aux.loss_ce: 0.1640, aux.acc_seg: 84.4521, loss: 0.5113, grad_norm: 5.7711 2023-02-19 06:52:55,081 - mmseg - INFO - Iter [27650/160000] lr: 4.963e-05, eta: 13:31:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3553, decode.acc_seg: 86.7875, aux.loss_ce: 0.1695, aux.acc_seg: 83.8939, loss: 0.5248, grad_norm: 5.3229 2023-02-19 06:53:13,088 - mmseg - INFO - Iter [27700/160000] lr: 4.961e-05, eta: 13:30:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3594, decode.acc_seg: 86.2617, aux.loss_ce: 0.1748, aux.acc_seg: 83.4180, loss: 0.5342, grad_norm: 4.7048 2023-02-19 06:53:31,156 - mmseg - INFO - Iter [27750/160000] lr: 4.959e-05, eta: 13:30:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3441, decode.acc_seg: 87.1274, aux.loss_ce: 0.1691, aux.acc_seg: 84.2556, loss: 0.5132, grad_norm: 4.8149 2023-02-19 06:53:51,641 - mmseg - INFO - Iter [27800/160000] lr: 4.958e-05, eta: 13:30:29, time: 0.410, data_time: 0.050, memory: 20662, decode.loss_ce: 0.3479, decode.acc_seg: 86.9826, aux.loss_ce: 0.1665, aux.acc_seg: 84.4407, loss: 0.5145, grad_norm: 4.8862 2023-02-19 06:54:09,824 - mmseg - INFO - Iter [27850/160000] lr: 4.956e-05, eta: 13:30:10, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3254, decode.acc_seg: 87.5327, aux.loss_ce: 0.1579, aux.acc_seg: 84.9819, loss: 0.4833, grad_norm: 4.9571 2023-02-19 06:54:28,253 - mmseg - INFO - Iter [27900/160000] lr: 4.954e-05, eta: 13:29:51, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.3335, decode.acc_seg: 87.1802, aux.loss_ce: 0.1626, aux.acc_seg: 84.4231, loss: 0.4962, grad_norm: 4.8848 2023-02-19 06:54:46,278 - mmseg - INFO - Iter [27950/160000] lr: 4.952e-05, eta: 13:29:31, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3368, decode.acc_seg: 87.0909, aux.loss_ce: 0.1618, aux.acc_seg: 84.4817, loss: 0.4986, grad_norm: 4.5657 2023-02-19 06:55:04,391 - mmseg - INFO - Saving checkpoint at 28000 iterations 2023-02-19 06:55:06,127 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 06:55:06,127 - mmseg - INFO - Iter [28000/160000] lr: 4.950e-05, eta: 13:29:20, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3426, decode.acc_seg: 87.0800, aux.loss_ce: 0.1640, aux.acc_seg: 84.3758, loss: 0.5066, grad_norm: 6.7638 2023-02-19 06:55:24,178 - mmseg - INFO - Iter [28050/160000] lr: 4.948e-05, eta: 13:29:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3384, decode.acc_seg: 87.4877, aux.loss_ce: 0.1663, aux.acc_seg: 84.6311, loss: 0.5046, grad_norm: 4.7252 2023-02-19 06:55:42,337 - mmseg - INFO - Iter [28100/160000] lr: 4.946e-05, eta: 13:28:40, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3402, decode.acc_seg: 87.0866, aux.loss_ce: 0.1673, aux.acc_seg: 84.0498, loss: 0.5074, grad_norm: 4.9308 2023-02-19 06:56:00,385 - mmseg - INFO - Iter [28150/160000] lr: 4.944e-05, eta: 13:28:20, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3428, decode.acc_seg: 87.0765, aux.loss_ce: 0.1650, aux.acc_seg: 84.2163, loss: 0.5077, grad_norm: 5.2346 2023-02-19 06:56:18,745 - mmseg - INFO - Iter [28200/160000] lr: 4.943e-05, eta: 13:28:02, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3589, decode.acc_seg: 86.6329, aux.loss_ce: 0.1686, aux.acc_seg: 84.0499, loss: 0.5274, grad_norm: 4.8275 2023-02-19 06:56:36,823 - mmseg - INFO - Iter [28250/160000] lr: 4.941e-05, eta: 13:27:42, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3336, decode.acc_seg: 86.9871, aux.loss_ce: 0.1597, aux.acc_seg: 84.4561, loss: 0.4932, grad_norm: 5.1067 2023-02-19 06:56:55,065 - mmseg - INFO - Iter [28300/160000] lr: 4.939e-05, eta: 13:27:23, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3537, decode.acc_seg: 86.5718, aux.loss_ce: 0.1702, aux.acc_seg: 83.7823, loss: 0.5239, grad_norm: 5.8607 2023-02-19 06:57:13,101 - mmseg - INFO - Iter [28350/160000] lr: 4.937e-05, eta: 13:27:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3505, decode.acc_seg: 86.5291, aux.loss_ce: 0.1774, aux.acc_seg: 83.2535, loss: 0.5279, grad_norm: 5.4661 2023-02-19 06:57:31,120 - mmseg - INFO - Iter [28400/160000] lr: 4.935e-05, eta: 13:26:43, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3354, decode.acc_seg: 86.9341, aux.loss_ce: 0.1599, aux.acc_seg: 84.5293, loss: 0.4953, grad_norm: 5.5572 2023-02-19 06:57:49,498 - mmseg - INFO - Iter [28450/160000] lr: 4.933e-05, eta: 13:26:24, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3451, decode.acc_seg: 87.0612, aux.loss_ce: 0.1685, aux.acc_seg: 84.1790, loss: 0.5136, grad_norm: 6.1558 2023-02-19 06:58:07,547 - mmseg - INFO - Iter [28500/160000] lr: 4.931e-05, eta: 13:26:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3445, decode.acc_seg: 86.8279, aux.loss_ce: 0.1679, aux.acc_seg: 83.9437, loss: 0.5123, grad_norm: 4.8004 2023-02-19 06:58:25,833 - mmseg - INFO - Iter [28550/160000] lr: 4.929e-05, eta: 13:25:45, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3276, decode.acc_seg: 87.3156, aux.loss_ce: 0.1611, aux.acc_seg: 84.5759, loss: 0.4888, grad_norm: 5.0277 2023-02-19 06:58:43,986 - mmseg - INFO - Iter [28600/160000] lr: 4.928e-05, eta: 13:25:26, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3636, decode.acc_seg: 86.6169, aux.loss_ce: 0.1761, aux.acc_seg: 83.5475, loss: 0.5397, grad_norm: 4.6427 2023-02-19 06:59:02,174 - mmseg - INFO - Iter [28650/160000] lr: 4.926e-05, eta: 13:25:07, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3322, decode.acc_seg: 87.5141, aux.loss_ce: 0.1621, aux.acc_seg: 84.6971, loss: 0.4943, grad_norm: 5.1862 2023-02-19 06:59:20,151 - mmseg - INFO - Iter [28700/160000] lr: 4.924e-05, eta: 13:24:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3436, decode.acc_seg: 86.9199, aux.loss_ce: 0.1681, aux.acc_seg: 83.7372, loss: 0.5118, grad_norm: 4.5677 2023-02-19 06:59:38,575 - mmseg - INFO - Iter [28750/160000] lr: 4.922e-05, eta: 13:24:28, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3617, decode.acc_seg: 86.7988, aux.loss_ce: 0.1741, aux.acc_seg: 83.7913, loss: 0.5358, grad_norm: 5.2031 2023-02-19 06:59:56,673 - mmseg - INFO - Iter [28800/160000] lr: 4.920e-05, eta: 13:24:08, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3545, decode.acc_seg: 86.9371, aux.loss_ce: 0.1717, aux.acc_seg: 84.2790, loss: 0.5262, grad_norm: 4.7303 2023-02-19 07:00:15,087 - mmseg - INFO - Iter [28850/160000] lr: 4.918e-05, eta: 13:23:50, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3347, decode.acc_seg: 86.8216, aux.loss_ce: 0.1620, aux.acc_seg: 84.2275, loss: 0.4966, grad_norm: 6.8531 2023-02-19 07:00:33,251 - mmseg - INFO - Iter [28900/160000] lr: 4.916e-05, eta: 13:23:31, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3495, decode.acc_seg: 86.4529, aux.loss_ce: 0.1657, aux.acc_seg: 84.0471, loss: 0.5152, grad_norm: 5.4675 2023-02-19 07:00:51,351 - mmseg - INFO - Iter [28950/160000] lr: 4.914e-05, eta: 13:23:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3595, decode.acc_seg: 86.5949, aux.loss_ce: 0.1741, aux.acc_seg: 83.5834, loss: 0.5335, grad_norm: 4.9984 2023-02-19 07:01:09,554 - mmseg - INFO - Saving checkpoint at 29000 iterations 2023-02-19 07:01:11,337 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:01:11,337 - mmseg - INFO - Iter [29000/160000] lr: 4.913e-05, eta: 13:23:00, time: 0.400, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3303, decode.acc_seg: 86.7822, aux.loss_ce: 0.1587, aux.acc_seg: 84.2209, loss: 0.4890, grad_norm: 5.4509 2023-02-19 07:01:31,655 - mmseg - INFO - Iter [29050/160000] lr: 4.911e-05, eta: 13:22:50, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.3499, decode.acc_seg: 86.9214, aux.loss_ce: 0.1709, aux.acc_seg: 84.2312, loss: 0.5208, grad_norm: 5.4623 2023-02-19 07:01:50,028 - mmseg - INFO - Iter [29100/160000] lr: 4.909e-05, eta: 13:22:32, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3416, decode.acc_seg: 87.1469, aux.loss_ce: 0.1657, aux.acc_seg: 84.5732, loss: 0.5074, grad_norm: 5.1819 2023-02-19 07:02:08,241 - mmseg - INFO - Iter [29150/160000] lr: 4.907e-05, eta: 13:22:12, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3386, decode.acc_seg: 86.8005, aux.loss_ce: 0.1625, aux.acc_seg: 84.1241, loss: 0.5010, grad_norm: 4.8021 2023-02-19 07:02:26,290 - mmseg - INFO - Iter [29200/160000] lr: 4.905e-05, eta: 13:21:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3407, decode.acc_seg: 86.8037, aux.loss_ce: 0.1669, aux.acc_seg: 84.2024, loss: 0.5076, grad_norm: 4.9042 2023-02-19 07:02:44,467 - mmseg - INFO - Iter [29250/160000] lr: 4.903e-05, eta: 13:21:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3231, decode.acc_seg: 87.6076, aux.loss_ce: 0.1584, aux.acc_seg: 84.9300, loss: 0.4815, grad_norm: 4.7539 2023-02-19 07:03:02,897 - mmseg - INFO - Iter [29300/160000] lr: 4.901e-05, eta: 13:21:15, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.3400, decode.acc_seg: 86.9291, aux.loss_ce: 0.1667, aux.acc_seg: 84.1630, loss: 0.5067, grad_norm: 6.2849 2023-02-19 07:03:20,888 - mmseg - INFO - Iter [29350/160000] lr: 4.899e-05, eta: 13:20:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3236, decode.acc_seg: 87.4295, aux.loss_ce: 0.1581, aux.acc_seg: 84.8190, loss: 0.4816, grad_norm: 4.3060 2023-02-19 07:03:38,903 - mmseg - INFO - Iter [29400/160000] lr: 4.898e-05, eta: 13:20:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3220, decode.acc_seg: 87.7290, aux.loss_ce: 0.1600, aux.acc_seg: 84.7406, loss: 0.4821, grad_norm: 4.3849 2023-02-19 07:03:56,943 - mmseg - INFO - Iter [29450/160000] lr: 4.896e-05, eta: 13:20:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3269, decode.acc_seg: 87.7351, aux.loss_ce: 0.1568, aux.acc_seg: 85.1351, loss: 0.4836, grad_norm: 5.4208 2023-02-19 07:04:15,330 - mmseg - INFO - Iter [29500/160000] lr: 4.894e-05, eta: 13:19:56, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3350, decode.acc_seg: 87.1996, aux.loss_ce: 0.1631, aux.acc_seg: 84.4099, loss: 0.4981, grad_norm: 4.7015 2023-02-19 07:04:33,575 - mmseg - INFO - Iter [29550/160000] lr: 4.892e-05, eta: 13:19:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3206, decode.acc_seg: 87.3339, aux.loss_ce: 0.1567, aux.acc_seg: 84.6401, loss: 0.4773, grad_norm: 5.9842 2023-02-19 07:04:51,896 - mmseg - INFO - Iter [29600/160000] lr: 4.890e-05, eta: 13:19:19, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3348, decode.acc_seg: 87.0935, aux.loss_ce: 0.1623, aux.acc_seg: 84.6741, loss: 0.4971, grad_norm: 5.5094 2023-02-19 07:05:09,921 - mmseg - INFO - Iter [29650/160000] lr: 4.888e-05, eta: 13:18:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3383, decode.acc_seg: 87.3770, aux.loss_ce: 0.1617, aux.acc_seg: 84.7305, loss: 0.5000, grad_norm: 5.1901 2023-02-19 07:05:27,969 - mmseg - INFO - Iter [29700/160000] lr: 4.886e-05, eta: 13:18:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3322, decode.acc_seg: 87.4449, aux.loss_ce: 0.1647, aux.acc_seg: 84.2694, loss: 0.4969, grad_norm: 5.2564 2023-02-19 07:05:46,004 - mmseg - INFO - Iter [29750/160000] lr: 4.884e-05, eta: 13:18:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3480, decode.acc_seg: 86.5483, aux.loss_ce: 0.1703, aux.acc_seg: 83.7424, loss: 0.5183, grad_norm: 5.4359 2023-02-19 07:06:04,150 - mmseg - INFO - Iter [29800/160000] lr: 4.883e-05, eta: 13:17:59, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3324, decode.acc_seg: 87.5121, aux.loss_ce: 0.1628, aux.acc_seg: 84.5909, loss: 0.4952, grad_norm: 5.2399 2023-02-19 07:06:22,407 - mmseg - INFO - Iter [29850/160000] lr: 4.881e-05, eta: 13:17:40, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3290, decode.acc_seg: 87.4975, aux.loss_ce: 0.1604, aux.acc_seg: 84.5174, loss: 0.4894, grad_norm: 6.2266 2023-02-19 07:06:40,415 - mmseg - INFO - Iter [29900/160000] lr: 4.879e-05, eta: 13:17:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3446, decode.acc_seg: 87.1814, aux.loss_ce: 0.1694, aux.acc_seg: 84.0180, loss: 0.5140, grad_norm: 5.0437 2023-02-19 07:06:58,434 - mmseg - INFO - Iter [29950/160000] lr: 4.877e-05, eta: 13:17:00, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3316, decode.acc_seg: 87.5975, aux.loss_ce: 0.1649, aux.acc_seg: 84.6239, loss: 0.4964, grad_norm: 4.0791 2023-02-19 07:07:16,459 - mmseg - INFO - Saving checkpoint at 30000 iterations 2023-02-19 07:07:18,189 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:07:18,189 - mmseg - INFO - Iter [30000/160000] lr: 4.875e-05, eta: 13:16:48, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3319, decode.acc_seg: 87.5016, aux.loss_ce: 0.1630, aux.acc_seg: 84.2518, loss: 0.4949, grad_norm: 4.5663 2023-02-19 07:07:36,174 - mmseg - INFO - Iter [30050/160000] lr: 4.873e-05, eta: 13:16:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3458, decode.acc_seg: 86.6539, aux.loss_ce: 0.1679, aux.acc_seg: 83.7569, loss: 0.5137, grad_norm: 5.4705 2023-02-19 07:07:54,165 - mmseg - INFO - Iter [30100/160000] lr: 4.871e-05, eta: 13:16:08, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3383, decode.acc_seg: 87.3147, aux.loss_ce: 0.1663, aux.acc_seg: 84.4306, loss: 0.5047, grad_norm: 4.6289 2023-02-19 07:08:12,321 - mmseg - INFO - Iter [30150/160000] lr: 4.869e-05, eta: 13:15:48, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3377, decode.acc_seg: 87.3959, aux.loss_ce: 0.1692, aux.acc_seg: 84.2840, loss: 0.5069, grad_norm: 4.9534 2023-02-19 07:08:30,791 - mmseg - INFO - Iter [30200/160000] lr: 4.868e-05, eta: 13:15:30, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3340, decode.acc_seg: 87.3119, aux.loss_ce: 0.1681, aux.acc_seg: 83.9369, loss: 0.5021, grad_norm: 4.4807 2023-02-19 07:08:49,062 - mmseg - INFO - Iter [30250/160000] lr: 4.866e-05, eta: 13:15:11, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3292, decode.acc_seg: 87.2999, aux.loss_ce: 0.1626, aux.acc_seg: 84.3485, loss: 0.4918, grad_norm: 5.9066 2023-02-19 07:09:07,093 - mmseg - INFO - Iter [30300/160000] lr: 4.864e-05, eta: 13:14:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3187, decode.acc_seg: 87.8130, aux.loss_ce: 0.1560, aux.acc_seg: 85.1455, loss: 0.4747, grad_norm: 4.8690 2023-02-19 07:09:27,465 - mmseg - INFO - Iter [30350/160000] lr: 4.862e-05, eta: 13:14:42, time: 0.407, data_time: 0.049, memory: 20662, decode.loss_ce: 0.3349, decode.acc_seg: 87.4653, aux.loss_ce: 0.1628, aux.acc_seg: 84.6602, loss: 0.4978, grad_norm: 4.9782 2023-02-19 07:09:45,542 - mmseg - INFO - Iter [30400/160000] lr: 4.860e-05, eta: 13:14:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3028, decode.acc_seg: 88.0525, aux.loss_ce: 0.1495, aux.acc_seg: 85.4870, loss: 0.4523, grad_norm: 4.2131 2023-02-19 07:10:03,659 - mmseg - INFO - Iter [30450/160000] lr: 4.858e-05, eta: 13:14:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3327, decode.acc_seg: 87.6057, aux.loss_ce: 0.1613, aux.acc_seg: 84.9111, loss: 0.4940, grad_norm: 5.0997 2023-02-19 07:10:21,939 - mmseg - INFO - Iter [30500/160000] lr: 4.856e-05, eta: 13:13:44, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3237, decode.acc_seg: 87.1736, aux.loss_ce: 0.1581, aux.acc_seg: 84.4824, loss: 0.4819, grad_norm: 5.1721 2023-02-19 07:10:40,111 - mmseg - INFO - Iter [30550/160000] lr: 4.854e-05, eta: 13:13:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3090, decode.acc_seg: 88.2816, aux.loss_ce: 0.1549, aux.acc_seg: 85.3091, loss: 0.4639, grad_norm: 4.0513 2023-02-19 07:10:58,181 - mmseg - INFO - Iter [30600/160000] lr: 4.853e-05, eta: 13:13:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3054, decode.acc_seg: 88.2531, aux.loss_ce: 0.1522, aux.acc_seg: 85.2113, loss: 0.4576, grad_norm: 4.6084 2023-02-19 07:11:16,489 - mmseg - INFO - Iter [30650/160000] lr: 4.851e-05, eta: 13:12:46, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3346, decode.acc_seg: 87.6062, aux.loss_ce: 0.1676, aux.acc_seg: 84.2676, loss: 0.5023, grad_norm: 6.1767 2023-02-19 07:11:34,929 - mmseg - INFO - Iter [30700/160000] lr: 4.849e-05, eta: 13:12:28, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3194, decode.acc_seg: 87.3358, aux.loss_ce: 0.1576, aux.acc_seg: 84.6597, loss: 0.4770, grad_norm: 5.1220 2023-02-19 07:11:53,079 - mmseg - INFO - Iter [30750/160000] lr: 4.847e-05, eta: 13:12:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3175, decode.acc_seg: 87.8300, aux.loss_ce: 0.1582, aux.acc_seg: 84.8796, loss: 0.4757, grad_norm: 4.5647 2023-02-19 07:12:11,606 - mmseg - INFO - Iter [30800/160000] lr: 4.845e-05, eta: 13:11:50, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3228, decode.acc_seg: 87.7800, aux.loss_ce: 0.1588, aux.acc_seg: 84.7934, loss: 0.4816, grad_norm: 3.9527 2023-02-19 07:12:29,882 - mmseg - INFO - Iter [30850/160000] lr: 4.843e-05, eta: 13:11:32, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3271, decode.acc_seg: 87.4125, aux.loss_ce: 0.1619, aux.acc_seg: 84.5076, loss: 0.4890, grad_norm: 4.7642 2023-02-19 07:12:47,906 - mmseg - INFO - Iter [30900/160000] lr: 4.841e-05, eta: 13:11:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3067, decode.acc_seg: 88.0882, aux.loss_ce: 0.1545, aux.acc_seg: 84.9668, loss: 0.4612, grad_norm: 4.9610 2023-02-19 07:13:05,944 - mmseg - INFO - Iter [30950/160000] lr: 4.839e-05, eta: 13:10:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3343, decode.acc_seg: 87.3011, aux.loss_ce: 0.1657, aux.acc_seg: 84.4576, loss: 0.5001, grad_norm: 5.3909 2023-02-19 07:13:24,210 - mmseg - INFO - Saving checkpoint at 31000 iterations 2023-02-19 07:13:25,932 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:13:25,932 - mmseg - INFO - Iter [31000/160000] lr: 4.838e-05, eta: 13:10:40, time: 0.400, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3098, decode.acc_seg: 87.9681, aux.loss_ce: 0.1561, aux.acc_seg: 84.9992, loss: 0.4660, grad_norm: 5.1601 2023-02-19 07:13:44,046 - mmseg - INFO - Iter [31050/160000] lr: 4.836e-05, eta: 13:10:21, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3168, decode.acc_seg: 87.8474, aux.loss_ce: 0.1572, aux.acc_seg: 84.9032, loss: 0.4740, grad_norm: 4.1503 2023-02-19 07:14:02,249 - mmseg - INFO - Iter [31100/160000] lr: 4.834e-05, eta: 13:10:01, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3458, decode.acc_seg: 87.1080, aux.loss_ce: 0.1663, aux.acc_seg: 84.4050, loss: 0.5121, grad_norm: 5.2091 2023-02-19 07:14:20,625 - mmseg - INFO - Iter [31150/160000] lr: 4.832e-05, eta: 13:09:43, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3092, decode.acc_seg: 87.9702, aux.loss_ce: 0.1541, aux.acc_seg: 85.2219, loss: 0.4633, grad_norm: 5.8888 2023-02-19 07:14:38,690 - mmseg - INFO - Iter [31200/160000] lr: 4.830e-05, eta: 13:09:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3313, decode.acc_seg: 87.6997, aux.loss_ce: 0.1623, aux.acc_seg: 84.9621, loss: 0.4936, grad_norm: 5.2621 2023-02-19 07:14:56,974 - mmseg - INFO - Iter [31250/160000] lr: 4.828e-05, eta: 13:09:04, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3097, decode.acc_seg: 87.8282, aux.loss_ce: 0.1578, aux.acc_seg: 84.9137, loss: 0.4676, grad_norm: 4.5650 2023-02-19 07:15:14,971 - mmseg - INFO - Iter [31300/160000] lr: 4.826e-05, eta: 13:08:44, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3314, decode.acc_seg: 86.7333, aux.loss_ce: 0.1646, aux.acc_seg: 83.8627, loss: 0.4960, grad_norm: 6.1100 2023-02-19 07:15:33,198 - mmseg - INFO - Iter [31350/160000] lr: 4.824e-05, eta: 13:08:25, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3369, decode.acc_seg: 87.1075, aux.loss_ce: 0.1707, aux.acc_seg: 83.7586, loss: 0.5076, grad_norm: 5.4823 2023-02-19 07:15:51,585 - mmseg - INFO - Iter [31400/160000] lr: 4.823e-05, eta: 13:08:07, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3187, decode.acc_seg: 87.8554, aux.loss_ce: 0.1580, aux.acc_seg: 84.8543, loss: 0.4767, grad_norm: 5.1083 2023-02-19 07:16:09,601 - mmseg - INFO - Iter [31450/160000] lr: 4.821e-05, eta: 13:07:47, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3192, decode.acc_seg: 87.9054, aux.loss_ce: 0.1553, aux.acc_seg: 85.0742, loss: 0.4744, grad_norm: 4.0768 2023-02-19 07:16:27,860 - mmseg - INFO - Iter [31500/160000] lr: 4.819e-05, eta: 13:07:28, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3158, decode.acc_seg: 87.8197, aux.loss_ce: 0.1593, aux.acc_seg: 84.6863, loss: 0.4751, grad_norm: 4.9144 2023-02-19 07:16:46,371 - mmseg - INFO - Iter [31550/160000] lr: 4.817e-05, eta: 13:07:10, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3245, decode.acc_seg: 87.6415, aux.loss_ce: 0.1608, aux.acc_seg: 84.5749, loss: 0.4852, grad_norm: 4.3588 2023-02-19 07:17:06,739 - mmseg - INFO - Iter [31600/160000] lr: 4.815e-05, eta: 13:07:00, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.3167, decode.acc_seg: 88.0614, aux.loss_ce: 0.1565, aux.acc_seg: 85.2302, loss: 0.4731, grad_norm: 4.5512 2023-02-19 07:17:24,825 - mmseg - INFO - Iter [31650/160000] lr: 4.813e-05, eta: 13:06:40, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3220, decode.acc_seg: 87.6923, aux.loss_ce: 0.1594, aux.acc_seg: 84.6785, loss: 0.4814, grad_norm: 5.2018 2023-02-19 07:17:43,123 - mmseg - INFO - Iter [31700/160000] lr: 4.811e-05, eta: 13:06:22, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3115, decode.acc_seg: 87.6310, aux.loss_ce: 0.1573, aux.acc_seg: 84.4540, loss: 0.4688, grad_norm: 5.8311 2023-02-19 07:18:01,396 - mmseg - INFO - Iter [31750/160000] lr: 4.809e-05, eta: 13:06:03, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3371, decode.acc_seg: 86.9413, aux.loss_ce: 0.1673, aux.acc_seg: 83.9872, loss: 0.5045, grad_norm: 4.8808 2023-02-19 07:18:19,431 - mmseg - INFO - Iter [31800/160000] lr: 4.808e-05, eta: 13:05:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3070, decode.acc_seg: 88.3685, aux.loss_ce: 0.1507, aux.acc_seg: 85.5265, loss: 0.4577, grad_norm: 4.9220 2023-02-19 07:18:37,893 - mmseg - INFO - Iter [31850/160000] lr: 4.806e-05, eta: 13:05:25, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2953, decode.acc_seg: 88.2308, aux.loss_ce: 0.1451, aux.acc_seg: 85.7308, loss: 0.4404, grad_norm: 4.2137 2023-02-19 07:18:55,949 - mmseg - INFO - Iter [31900/160000] lr: 4.804e-05, eta: 13:05:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3034, decode.acc_seg: 87.9615, aux.loss_ce: 0.1513, aux.acc_seg: 85.1251, loss: 0.4547, grad_norm: 5.4496 2023-02-19 07:19:14,239 - mmseg - INFO - Iter [31950/160000] lr: 4.802e-05, eta: 13:04:46, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3059, decode.acc_seg: 88.4254, aux.loss_ce: 0.1513, aux.acc_seg: 85.5594, loss: 0.4572, grad_norm: 4.8081 2023-02-19 07:19:32,332 - mmseg - INFO - Saving checkpoint at 32000 iterations 2023-02-19 07:19:34,484 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:19:34,485 - mmseg - INFO - Iter [32000/160000] lr: 4.800e-05, eta: 13:04:36, time: 0.405, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3161, decode.acc_seg: 87.9396, aux.loss_ce: 0.1576, aux.acc_seg: 84.8319, loss: 0.4737, grad_norm: 5.1674 2023-02-19 07:20:01,844 - mmseg - INFO - per class results: 2023-02-19 07:20:01,849 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 69.44 | 93.06 | | building | 80.01 | 89.62 | | sky | 93.39 | 96.9 | | floor | 79.78 | 88.9 | | tree | 69.85 | 92.83 | | ceiling | 73.03 | 76.23 | | road | 81.85 | 92.85 | | bed | 86.89 | 92.38 | | windowpane | 56.55 | 66.7 | | grass | 61.16 | 73.97 | | cabinet | 57.53 | 71.47 | | sidewalk | 62.9 | 75.04 | | person | 76.27 | 89.54 | | earth | 33.18 | 41.49 | | door | 44.07 | 64.8 | | table | 53.45 | 59.33 | | mountain | 47.43 | 56.35 | | plant | 41.61 | 46.8 | | curtain | 67.78 | 73.58 | | chair | 51.32 | 63.86 | | car | 81.05 | 87.36 | | water | 51.38 | 64.7 | | painting | 71.26 | 80.17 | | sofa | 56.82 | 87.68 | | shelf | 37.45 | 53.93 | | house | 46.19 | 60.95 | | sea | 55.81 | 86.4 | | mirror | 45.33 | 46.25 | | rug | 62.86 | 76.38 | | field | 21.63 | 42.21 | | armchair | 23.02 | 27.17 | | seat | 52.56 | 63.34 | | fence | 38.33 | 57.23 | | desk | 35.44 | 43.11 | | rock | 39.04 | 52.75 | | wardrobe | 39.49 | 57.74 | | lamp | 41.95 | 43.24 | | bathtub | 82.12 | 90.97 | | railing | 27.8 | 38.28 | | cushion | 51.52 | 70.9 | | base | 14.86 | 18.4 | | box | 13.63 | 15.24 | | column | 34.33 | 35.91 | | signboard | 32.58 | 38.33 | | chest of drawers | 36.38 | 45.56 | | counter | 31.81 | 50.12 | | sand | 32.19 | 34.11 | | sink | 67.95 | 73.19 | | skyscraper | 33.06 | 38.55 | | fireplace | 70.32 | 79.84 | | refrigerator | 71.72 | 79.51 | | grandstand | 32.2 | 54.66 | | path | 17.87 | 28.09 | | stairs | 25.01 | 37.27 | | runway | 61.19 | 84.74 | | case | 46.31 | 57.77 | | pool table | 89.05 | 89.45 | | pillow | 48.71 | 54.79 | | screen door | 67.96 | 70.55 | | stairway | 35.75 | 48.29 | | river | 15.43 | 31.89 | | bridge | 62.49 | 77.25 | | bookcase | 35.21 | 56.33 | | blind | 28.75 | 29.66 | | coffee table | 47.53 | 61.22 | | toilet | 83.38 | 87.74 | | flower | 31.61 | 42.3 | | book | 41.24 | 69.09 | | hill | 8.31 | 14.81 | | bench | 39.78 | 42.61 | | countertop | 45.68 | 54.82 | | stove | 59.66 | 61.68 | | palm | 43.25 | 59.97 | | kitchen island | 27.96 | 33.11 | | computer | 29.16 | 30.13 | | swivel chair | 48.79 | 66.68 | | boat | 37.09 | 38.33 | | bar | 11.1 | 11.71 | | arcade machine | 62.59 | 67.74 | | hovel | 10.38 | 10.92 | | bus | 86.88 | 94.73 | | towel | 57.73 | 70.3 | | light | 46.18 | 52.86 | | truck | 40.52 | 52.87 | | tower | 22.4 | 30.44 | | chandelier | 56.55 | 67.31 | | awning | 23.32 | 36.93 | | streetlight | 16.74 | 19.06 | | booth | 35.23 | 37.61 | | television receiver | 58.6 | 63.02 | | airplane | 54.77 | 60.93 | | dirt track | 1.55 | 16.93 | | apparel | 20.7 | 27.54 | | pole | 18.46 | 27.79 | | land | 0.01 | 0.01 | | bannister | 9.7 | 16.52 | | escalator | 19.13 | 42.59 | | ottoman | 31.08 | 34.82 | | bottle | 25.76 | 54.97 | | buffet | 38.9 | 46.99 | | poster | 18.27 | 22.61 | | stage | 5.48 | 6.24 | | van | 40.29 | 58.81 | | ship | 36.39 | 51.64 | | fountain | 22.22 | 22.85 | | conveyer belt | 70.24 | 71.78 | | canopy | 11.01 | 11.83 | | washer | 70.22 | 72.37 | | plaything | 14.64 | 17.72 | | swimming pool | 60.42 | 67.24 | | stool | 15.68 | 16.43 | | barrel | 13.22 | 64.94 | | basket | 30.48 | 40.83 | | waterfall | 48.55 | 60.17 | | tent | 95.91 | 96.69 | | bag | 11.87 | 14.69 | | minibike | 60.28 | 73.89 | | cradle | 73.74 | 96.26 | | oven | 41.24 | 64.3 | | ball | 45.81 | 57.83 | | food | 55.08 | 64.34 | | step | 2.0 | 2.14 | | tank | 34.65 | 37.24 | | trade name | 23.63 | 26.22 | | microwave | 73.22 | 74.91 | | pot | 33.09 | 34.14 | | animal | 48.1 | 50.98 | | bicycle | 47.62 | 81.23 | | lake | 34.31 | 42.11 | | dishwasher | 60.88 | 76.27 | | screen | 64.46 | 85.52 | | blanket | 3.3 | 5.07 | | sculpture | 46.94 | 59.44 | | hood | 45.75 | 46.81 | | sconce | 19.62 | 27.86 | | vase | 25.14 | 32.11 | | traffic light | 31.79 | 47.41 | | tray | 2.43 | 2.76 | | ashcan | 31.72 | 33.97 | | fan | 52.49 | 73.46 | | pier | 52.94 | 76.33 | | crt screen | 0.35 | 0.35 | | plate | 49.4 | 71.7 | | monitor | 27.25 | 79.23 | | bulletin board | 43.86 | 51.05 | | shower | 0.0 | 0.0 | | radiator | 43.81 | 45.08 | | glass | 13.39 | 17.39 | | clock | 30.17 | 35.37 | | flag | 55.98 | 59.9 | +---------------------+-------+-------+ 2023-02-19 07:20:01,849 - mmseg - INFO - Summary: 2023-02-19 07:20:01,850 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 79.52 | 42.56 | 52.68 | +-------+-------+-------+ 2023-02-19 07:20:03,464 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_32000.pth. 2023-02-19 07:20:03,464 - mmseg - INFO - Best mIoU is 0.4256 at 32000 iter. 2023-02-19 07:20:03,464 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:20:03,465 - mmseg - INFO - Iter(val) [500] aAcc: 0.7952, mIoU: 0.4256, mAcc: 0.5268, IoU.wall: 0.6944, IoU.building: 0.8001, IoU.sky: 0.9339, IoU.floor: 0.7978, IoU.tree: 0.6985, IoU.ceiling: 0.7303, IoU.road: 0.8185, IoU.bed : 0.8689, IoU.windowpane: 0.5655, IoU.grass: 0.6116, IoU.cabinet: 0.5753, IoU.sidewalk: 0.6290, IoU.person: 0.7627, IoU.earth: 0.3318, IoU.door: 0.4407, IoU.table: 0.5345, IoU.mountain: 0.4743, IoU.plant: 0.4161, IoU.curtain: 0.6778, IoU.chair: 0.5132, IoU.car: 0.8105, IoU.water: 0.5138, IoU.painting: 0.7126, IoU.sofa: 0.5682, IoU.shelf: 0.3745, IoU.house: 0.4619, IoU.sea: 0.5581, IoU.mirror: 0.4533, IoU.rug: 0.6286, IoU.field: 0.2163, IoU.armchair: 0.2302, IoU.seat: 0.5256, IoU.fence: 0.3833, IoU.desk: 0.3544, IoU.rock: 0.3904, IoU.wardrobe: 0.3949, IoU.lamp: 0.4195, IoU.bathtub: 0.8212, IoU.railing: 0.2780, IoU.cushion: 0.5152, IoU.base: 0.1486, IoU.box: 0.1363, IoU.column: 0.3433, IoU.signboard: 0.3258, IoU.chest of drawers: 0.3638, IoU.counter: 0.3181, IoU.sand: 0.3219, IoU.sink: 0.6795, IoU.skyscraper: 0.3306, IoU.fireplace: 0.7032, IoU.refrigerator: 0.7172, IoU.grandstand: 0.3220, IoU.path: 0.1787, IoU.stairs: 0.2501, IoU.runway: 0.6119, IoU.case: 0.4631, IoU.pool table: 0.8905, IoU.pillow: 0.4871, IoU.screen door: 0.6796, IoU.stairway: 0.3575, IoU.river: 0.1543, IoU.bridge: 0.6249, IoU.bookcase: 0.3521, IoU.blind: 0.2875, IoU.coffee table: 0.4753, IoU.toilet: 0.8338, IoU.flower: 0.3161, IoU.book: 0.4124, IoU.hill: 0.0831, IoU.bench: 0.3978, IoU.countertop: 0.4568, IoU.stove: 0.5966, IoU.palm: 0.4325, IoU.kitchen island: 0.2796, IoU.computer: 0.2916, IoU.swivel chair: 0.4879, IoU.boat: 0.3709, IoU.bar: 0.1110, IoU.arcade machine: 0.6259, IoU.hovel: 0.1038, IoU.bus: 0.8688, IoU.towel: 0.5773, IoU.light: 0.4618, IoU.truck: 0.4052, IoU.tower: 0.2240, IoU.chandelier: 0.5655, IoU.awning: 0.2332, IoU.streetlight: 0.1674, IoU.booth: 0.3523, IoU.television receiver: 0.5860, IoU.airplane: 0.5477, IoU.dirt track: 0.0155, IoU.apparel: 0.2070, IoU.pole: 0.1846, IoU.land: 0.0001, IoU.bannister: 0.0970, IoU.escalator: 0.1913, IoU.ottoman: 0.3108, IoU.bottle: 0.2576, IoU.buffet: 0.3890, IoU.poster: 0.1827, IoU.stage: 0.0548, IoU.van: 0.4029, IoU.ship: 0.3639, IoU.fountain: 0.2222, IoU.conveyer belt: 0.7024, IoU.canopy: 0.1101, IoU.washer: 0.7022, IoU.plaything: 0.1464, IoU.swimming pool: 0.6042, IoU.stool: 0.1568, IoU.barrel: 0.1322, IoU.basket: 0.3048, IoU.waterfall: 0.4855, IoU.tent: 0.9591, IoU.bag: 0.1187, IoU.minibike: 0.6028, IoU.cradle: 0.7374, IoU.oven: 0.4124, IoU.ball: 0.4581, IoU.food: 0.5508, IoU.step: 0.0200, IoU.tank: 0.3465, IoU.trade name: 0.2363, IoU.microwave: 0.7322, IoU.pot: 0.3309, IoU.animal: 0.4810, IoU.bicycle: 0.4762, IoU.lake: 0.3431, IoU.dishwasher: 0.6088, IoU.screen: 0.6446, IoU.blanket: 0.0330, IoU.sculpture: 0.4694, IoU.hood: 0.4575, IoU.sconce: 0.1962, IoU.vase: 0.2514, IoU.traffic light: 0.3179, IoU.tray: 0.0243, IoU.ashcan: 0.3172, IoU.fan: 0.5249, IoU.pier: 0.5294, IoU.crt screen: 0.0035, IoU.plate: 0.4940, IoU.monitor: 0.2725, IoU.bulletin board: 0.4386, IoU.shower: 0.0000, IoU.radiator: 0.4381, IoU.glass: 0.1339, IoU.clock: 0.3017, IoU.flag: 0.5598, Acc.wall: 0.9306, Acc.building: 0.8962, Acc.sky: 0.9690, Acc.floor: 0.8890, Acc.tree: 0.9283, Acc.ceiling: 0.7623, Acc.road: 0.9285, Acc.bed : 0.9238, Acc.windowpane: 0.6670, Acc.grass: 0.7397, Acc.cabinet: 0.7147, Acc.sidewalk: 0.7504, Acc.person: 0.8954, Acc.earth: 0.4149, Acc.door: 0.6480, Acc.table: 0.5933, Acc.mountain: 0.5635, Acc.plant: 0.4680, Acc.curtain: 0.7358, Acc.chair: 0.6386, Acc.car: 0.8736, Acc.water: 0.6470, Acc.painting: 0.8017, Acc.sofa: 0.8768, Acc.shelf: 0.5393, Acc.house: 0.6095, Acc.sea: 0.8640, Acc.mirror: 0.4625, Acc.rug: 0.7638, Acc.field: 0.4221, Acc.armchair: 0.2717, Acc.seat: 0.6334, Acc.fence: 0.5723, Acc.desk: 0.4311, Acc.rock: 0.5275, Acc.wardrobe: 0.5774, Acc.lamp: 0.4324, Acc.bathtub: 0.9097, Acc.railing: 0.3828, Acc.cushion: 0.7090, Acc.base: 0.1840, Acc.box: 0.1524, Acc.column: 0.3591, Acc.signboard: 0.3833, Acc.chest of drawers: 0.4556, Acc.counter: 0.5012, Acc.sand: 0.3411, Acc.sink: 0.7319, Acc.skyscraper: 0.3855, Acc.fireplace: 0.7984, Acc.refrigerator: 0.7951, Acc.grandstand: 0.5466, Acc.path: 0.2809, Acc.stairs: 0.3727, Acc.runway: 0.8474, Acc.case: 0.5777, Acc.pool table: 0.8945, Acc.pillow: 0.5479, Acc.screen door: 0.7055, Acc.stairway: 0.4829, Acc.river: 0.3189, Acc.bridge: 0.7725, Acc.bookcase: 0.5633, Acc.blind: 0.2966, Acc.coffee table: 0.6122, Acc.toilet: 0.8774, Acc.flower: 0.4230, Acc.book: 0.6909, Acc.hill: 0.1481, Acc.bench: 0.4261, Acc.countertop: 0.5482, Acc.stove: 0.6168, Acc.palm: 0.5997, Acc.kitchen island: 0.3311, Acc.computer: 0.3013, Acc.swivel chair: 0.6668, Acc.boat: 0.3833, Acc.bar: 0.1171, Acc.arcade machine: 0.6774, Acc.hovel: 0.1092, Acc.bus: 0.9473, Acc.towel: 0.7030, Acc.light: 0.5286, Acc.truck: 0.5287, Acc.tower: 0.3044, Acc.chandelier: 0.6731, Acc.awning: 0.3693, Acc.streetlight: 0.1906, Acc.booth: 0.3761, Acc.television receiver: 0.6302, Acc.airplane: 0.6093, Acc.dirt track: 0.1693, Acc.apparel: 0.2754, Acc.pole: 0.2779, Acc.land: 0.0001, Acc.bannister: 0.1652, Acc.escalator: 0.4259, Acc.ottoman: 0.3482, Acc.bottle: 0.5497, Acc.buffet: 0.4699, Acc.poster: 0.2261, Acc.stage: 0.0624, Acc.van: 0.5881, Acc.ship: 0.5164, Acc.fountain: 0.2285, Acc.conveyer belt: 0.7178, Acc.canopy: 0.1183, Acc.washer: 0.7237, Acc.plaything: 0.1772, Acc.swimming pool: 0.6724, Acc.stool: 0.1643, Acc.barrel: 0.6494, Acc.basket: 0.4083, Acc.waterfall: 0.6017, Acc.tent: 0.9669, Acc.bag: 0.1469, Acc.minibike: 0.7389, Acc.cradle: 0.9626, Acc.oven: 0.6430, Acc.ball: 0.5783, Acc.food: 0.6434, Acc.step: 0.0214, Acc.tank: 0.3724, Acc.trade name: 0.2622, Acc.microwave: 0.7491, Acc.pot: 0.3414, Acc.animal: 0.5098, Acc.bicycle: 0.8123, Acc.lake: 0.4211, Acc.dishwasher: 0.7627, Acc.screen: 0.8552, Acc.blanket: 0.0507, Acc.sculpture: 0.5944, Acc.hood: 0.4681, Acc.sconce: 0.2786, Acc.vase: 0.3211, Acc.traffic light: 0.4741, Acc.tray: 0.0276, Acc.ashcan: 0.3397, Acc.fan: 0.7346, Acc.pier: 0.7633, Acc.crt screen: 0.0035, Acc.plate: 0.7170, Acc.monitor: 0.7923, Acc.bulletin board: 0.5105, Acc.shower: 0.0000, Acc.radiator: 0.4508, Acc.glass: 0.1739, Acc.clock: 0.3537, Acc.flag: 0.5990 2023-02-19 07:20:21,698 - mmseg - INFO - Iter [32050/160000] lr: 4.798e-05, eta: 13:06:12, time: 0.944, data_time: 0.585, memory: 20662, decode.loss_ce: 0.3056, decode.acc_seg: 88.0510, aux.loss_ce: 0.1548, aux.acc_seg: 84.9689, loss: 0.4604, grad_norm: 4.6726 2023-02-19 07:20:40,053 - mmseg - INFO - Iter [32100/160000] lr: 4.796e-05, eta: 13:05:53, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3155, decode.acc_seg: 87.9668, aux.loss_ce: 0.1573, aux.acc_seg: 84.9048, loss: 0.4728, grad_norm: 5.6666 2023-02-19 07:20:58,031 - mmseg - INFO - Iter [32150/160000] lr: 4.794e-05, eta: 13:05:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3148, decode.acc_seg: 87.9432, aux.loss_ce: 0.1555, aux.acc_seg: 85.1069, loss: 0.4702, grad_norm: 5.0747 2023-02-19 07:21:16,058 - mmseg - INFO - Iter [32200/160000] lr: 4.793e-05, eta: 13:05:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3175, decode.acc_seg: 87.7734, aux.loss_ce: 0.1561, aux.acc_seg: 85.1573, loss: 0.4735, grad_norm: 4.6532 2023-02-19 07:21:34,324 - mmseg - INFO - Iter [32250/160000] lr: 4.791e-05, eta: 13:04:54, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3030, decode.acc_seg: 88.1316, aux.loss_ce: 0.1517, aux.acc_seg: 85.2487, loss: 0.4547, grad_norm: 4.3625 2023-02-19 07:21:52,518 - mmseg - INFO - Iter [32300/160000] lr: 4.789e-05, eta: 13:04:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3178, decode.acc_seg: 87.7508, aux.loss_ce: 0.1594, aux.acc_seg: 84.6380, loss: 0.4772, grad_norm: 4.8594 2023-02-19 07:22:10,483 - mmseg - INFO - Iter [32350/160000] lr: 4.787e-05, eta: 13:04:14, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3013, decode.acc_seg: 88.4253, aux.loss_ce: 0.1522, aux.acc_seg: 85.3876, loss: 0.4535, grad_norm: 4.2623 2023-02-19 07:22:28,451 - mmseg - INFO - Iter [32400/160000] lr: 4.785e-05, eta: 13:03:54, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3188, decode.acc_seg: 87.8025, aux.loss_ce: 0.1549, aux.acc_seg: 85.1263, loss: 0.4736, grad_norm: 4.1771 2023-02-19 07:22:46,534 - mmseg - INFO - Iter [32450/160000] lr: 4.783e-05, eta: 13:03:34, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3079, decode.acc_seg: 88.1720, aux.loss_ce: 0.1563, aux.acc_seg: 85.1774, loss: 0.4642, grad_norm: 4.5392 2023-02-19 07:23:04,546 - mmseg - INFO - Iter [32500/160000] lr: 4.781e-05, eta: 13:03:14, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3363, decode.acc_seg: 87.1643, aux.loss_ce: 0.1650, aux.acc_seg: 84.1758, loss: 0.5013, grad_norm: 5.0242 2023-02-19 07:23:22,589 - mmseg - INFO - Iter [32550/160000] lr: 4.779e-05, eta: 13:02:54, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3300, decode.acc_seg: 87.6376, aux.loss_ce: 0.1624, aux.acc_seg: 84.5562, loss: 0.4924, grad_norm: 4.8097 2023-02-19 07:23:40,907 - mmseg - INFO - Iter [32600/160000] lr: 4.778e-05, eta: 13:02:35, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3156, decode.acc_seg: 87.9253, aux.loss_ce: 0.1565, aux.acc_seg: 84.9678, loss: 0.4720, grad_norm: 6.3643 2023-02-19 07:23:58,854 - mmseg - INFO - Iter [32650/160000] lr: 4.776e-05, eta: 13:02:15, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3149, decode.acc_seg: 87.8323, aux.loss_ce: 0.1585, aux.acc_seg: 84.7522, loss: 0.4735, grad_norm: 5.8470 2023-02-19 07:24:17,524 - mmseg - INFO - Iter [32700/160000] lr: 4.774e-05, eta: 13:01:58, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.3163, decode.acc_seg: 87.4179, aux.loss_ce: 0.1560, aux.acc_seg: 84.7355, loss: 0.4723, grad_norm: 4.5934 2023-02-19 07:24:35,820 - mmseg - INFO - Iter [32750/160000] lr: 4.772e-05, eta: 13:01:39, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3212, decode.acc_seg: 87.8572, aux.loss_ce: 0.1614, aux.acc_seg: 84.4739, loss: 0.4825, grad_norm: 5.7290 2023-02-19 07:24:53,810 - mmseg - INFO - Iter [32800/160000] lr: 4.770e-05, eta: 13:01:19, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3255, decode.acc_seg: 87.3913, aux.loss_ce: 0.1631, aux.acc_seg: 84.2413, loss: 0.4886, grad_norm: 5.0327 2023-02-19 07:25:14,224 - mmseg - INFO - Iter [32850/160000] lr: 4.768e-05, eta: 13:01:08, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.3258, decode.acc_seg: 87.5923, aux.loss_ce: 0.1584, aux.acc_seg: 85.0343, loss: 0.4842, grad_norm: 7.6688 2023-02-19 07:25:32,329 - mmseg - INFO - Iter [32900/160000] lr: 4.766e-05, eta: 13:00:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2803, decode.acc_seg: 88.9391, aux.loss_ce: 0.1397, aux.acc_seg: 86.1707, loss: 0.4200, grad_norm: 3.8107 2023-02-19 07:25:50,667 - mmseg - INFO - Iter [32950/160000] lr: 4.764e-05, eta: 13:00:29, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3008, decode.acc_seg: 88.4618, aux.loss_ce: 0.1502, aux.acc_seg: 85.3536, loss: 0.4511, grad_norm: 4.8365 2023-02-19 07:26:10,104 - mmseg - INFO - Saving checkpoint at 33000 iterations 2023-02-19 07:26:11,791 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:26:11,791 - mmseg - INFO - Iter [33000/160000] lr: 4.763e-05, eta: 13:00:21, time: 0.423, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2976, decode.acc_seg: 88.7092, aux.loss_ce: 0.1486, aux.acc_seg: 85.6888, loss: 0.4462, grad_norm: 4.8282 2023-02-19 07:26:29,826 - mmseg - INFO - Iter [33050/160000] lr: 4.761e-05, eta: 13:00:01, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3032, decode.acc_seg: 88.1398, aux.loss_ce: 0.1509, aux.acc_seg: 85.2800, loss: 0.4541, grad_norm: 4.2800 2023-02-19 07:26:47,990 - mmseg - INFO - Iter [33100/160000] lr: 4.759e-05, eta: 12:59:42, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2917, decode.acc_seg: 88.6233, aux.loss_ce: 0.1520, aux.acc_seg: 85.2553, loss: 0.4438, grad_norm: 4.9022 2023-02-19 07:27:06,032 - mmseg - INFO - Iter [33150/160000] lr: 4.757e-05, eta: 12:59:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3082, decode.acc_seg: 88.1437, aux.loss_ce: 0.1513, aux.acc_seg: 85.4852, loss: 0.4595, grad_norm: 4.5449 2023-02-19 07:27:24,004 - mmseg - INFO - Iter [33200/160000] lr: 4.755e-05, eta: 12:59:02, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3275, decode.acc_seg: 87.7496, aux.loss_ce: 0.1618, aux.acc_seg: 84.5804, loss: 0.4893, grad_norm: 6.0600 2023-02-19 07:27:42,730 - mmseg - INFO - Iter [33250/160000] lr: 4.753e-05, eta: 12:58:44, time: 0.375, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2908, decode.acc_seg: 88.7104, aux.loss_ce: 0.1460, aux.acc_seg: 85.7315, loss: 0.4367, grad_norm: 4.5258 2023-02-19 07:28:01,019 - mmseg - INFO - Iter [33300/160000] lr: 4.751e-05, eta: 12:58:25, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3325, decode.acc_seg: 87.5132, aux.loss_ce: 0.1656, aux.acc_seg: 84.5602, loss: 0.4981, grad_norm: 5.5730 2023-02-19 07:28:19,157 - mmseg - INFO - Iter [33350/160000] lr: 4.749e-05, eta: 12:58:06, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3023, decode.acc_seg: 88.4558, aux.loss_ce: 0.1524, aux.acc_seg: 85.5909, loss: 0.4546, grad_norm: 4.7283 2023-02-19 07:28:37,407 - mmseg - INFO - Iter [33400/160000] lr: 4.748e-05, eta: 12:57:47, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3141, decode.acc_seg: 88.1206, aux.loss_ce: 0.1571, aux.acc_seg: 85.3476, loss: 0.4712, grad_norm: 4.9373 2023-02-19 07:28:55,764 - mmseg - INFO - Iter [33450/160000] lr: 4.746e-05, eta: 12:57:28, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2829, decode.acc_seg: 88.9539, aux.loss_ce: 0.1450, aux.acc_seg: 85.9763, loss: 0.4280, grad_norm: 4.6984 2023-02-19 07:29:14,087 - mmseg - INFO - Iter [33500/160000] lr: 4.744e-05, eta: 12:57:09, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3134, decode.acc_seg: 88.0889, aux.loss_ce: 0.1552, aux.acc_seg: 85.3695, loss: 0.4686, grad_norm: 5.8293 2023-02-19 07:29:32,455 - mmseg - INFO - Iter [33550/160000] lr: 4.742e-05, eta: 12:56:51, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3123, decode.acc_seg: 88.3042, aux.loss_ce: 0.1539, aux.acc_seg: 85.5944, loss: 0.4661, grad_norm: 4.7906 2023-02-19 07:29:50,929 - mmseg - INFO - Iter [33600/160000] lr: 4.740e-05, eta: 12:56:32, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3078, decode.acc_seg: 87.7606, aux.loss_ce: 0.1556, aux.acc_seg: 84.3607, loss: 0.4634, grad_norm: 4.6786 2023-02-19 07:30:09,312 - mmseg - INFO - Iter [33650/160000] lr: 4.738e-05, eta: 12:56:14, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3193, decode.acc_seg: 87.9321, aux.loss_ce: 0.1598, aux.acc_seg: 84.4961, loss: 0.4791, grad_norm: 4.2230 2023-02-19 07:30:27,661 - mmseg - INFO - Iter [33700/160000] lr: 4.736e-05, eta: 12:55:55, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3016, decode.acc_seg: 88.5930, aux.loss_ce: 0.1545, aux.acc_seg: 85.0610, loss: 0.4561, grad_norm: 4.3555 2023-02-19 07:30:45,619 - mmseg - INFO - Iter [33750/160000] lr: 4.734e-05, eta: 12:55:35, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2958, decode.acc_seg: 88.6126, aux.loss_ce: 0.1525, aux.acc_seg: 85.2990, loss: 0.4484, grad_norm: 4.3981 2023-02-19 07:31:04,433 - mmseg - INFO - Iter [33800/160000] lr: 4.733e-05, eta: 12:55:18, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3307, decode.acc_seg: 87.5643, aux.loss_ce: 0.1609, aux.acc_seg: 84.9464, loss: 0.4916, grad_norm: 4.5373 2023-02-19 07:31:22,459 - mmseg - INFO - Iter [33850/160000] lr: 4.731e-05, eta: 12:54:58, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3212, decode.acc_seg: 87.5831, aux.loss_ce: 0.1581, aux.acc_seg: 84.9753, loss: 0.4793, grad_norm: 4.2070 2023-02-19 07:31:40,494 - mmseg - INFO - Iter [33900/160000] lr: 4.729e-05, eta: 12:54:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3021, decode.acc_seg: 88.4122, aux.loss_ce: 0.1529, aux.acc_seg: 85.1683, loss: 0.4551, grad_norm: 4.4655 2023-02-19 07:31:58,427 - mmseg - INFO - Iter [33950/160000] lr: 4.727e-05, eta: 12:54:18, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3051, decode.acc_seg: 88.4731, aux.loss_ce: 0.1550, aux.acc_seg: 85.4576, loss: 0.4602, grad_norm: 4.8946 2023-02-19 07:32:16,409 - mmseg - INFO - Saving checkpoint at 34000 iterations 2023-02-19 07:32:18,125 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:32:18,125 - mmseg - INFO - Iter [34000/160000] lr: 4.725e-05, eta: 12:54:04, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3258, decode.acc_seg: 87.7193, aux.loss_ce: 0.1665, aux.acc_seg: 84.1421, loss: 0.4923, grad_norm: 5.7289 2023-02-19 07:32:36,241 - mmseg - INFO - Iter [34050/160000] lr: 4.723e-05, eta: 12:53:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2884, decode.acc_seg: 88.8229, aux.loss_ce: 0.1438, aux.acc_seg: 86.0773, loss: 0.4323, grad_norm: 3.6353 2023-02-19 07:32:54,237 - mmseg - INFO - Iter [34100/160000] lr: 4.721e-05, eta: 12:53:24, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3178, decode.acc_seg: 87.6311, aux.loss_ce: 0.1578, aux.acc_seg: 84.6761, loss: 0.4756, grad_norm: 4.4239 2023-02-19 07:33:14,457 - mmseg - INFO - Iter [34150/160000] lr: 4.719e-05, eta: 12:53:12, time: 0.404, data_time: 0.051, memory: 20662, decode.loss_ce: 0.3117, decode.acc_seg: 88.1879, aux.loss_ce: 0.1532, aux.acc_seg: 85.1385, loss: 0.4649, grad_norm: 5.2185 2023-02-19 07:33:32,512 - mmseg - INFO - Iter [34200/160000] lr: 4.718e-05, eta: 12:52:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2988, decode.acc_seg: 88.7281, aux.loss_ce: 0.1507, aux.acc_seg: 86.0389, loss: 0.4495, grad_norm: 5.5047 2023-02-19 07:33:50,426 - mmseg - INFO - Iter [34250/160000] lr: 4.716e-05, eta: 12:52:32, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2822, decode.acc_seg: 89.2803, aux.loss_ce: 0.1424, aux.acc_seg: 86.2388, loss: 0.4246, grad_norm: 3.7713 2023-02-19 07:34:08,485 - mmseg - INFO - Iter [34300/160000] lr: 4.714e-05, eta: 12:52:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3066, decode.acc_seg: 88.2985, aux.loss_ce: 0.1507, aux.acc_seg: 85.5047, loss: 0.4573, grad_norm: 5.3438 2023-02-19 07:34:26,881 - mmseg - INFO - Iter [34350/160000] lr: 4.712e-05, eta: 12:51:54, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3041, decode.acc_seg: 88.1349, aux.loss_ce: 0.1553, aux.acc_seg: 84.8487, loss: 0.4594, grad_norm: 5.0477 2023-02-19 07:34:45,134 - mmseg - INFO - Iter [34400/160000] lr: 4.710e-05, eta: 12:51:35, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2955, decode.acc_seg: 88.5528, aux.loss_ce: 0.1494, aux.acc_seg: 85.6072, loss: 0.4449, grad_norm: 4.8074 2023-02-19 07:35:03,770 - mmseg - INFO - Iter [34450/160000] lr: 4.708e-05, eta: 12:51:17, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3069, decode.acc_seg: 88.3304, aux.loss_ce: 0.1553, aux.acc_seg: 85.2868, loss: 0.4621, grad_norm: 3.9239 2023-02-19 07:35:22,141 - mmseg - INFO - Iter [34500/160000] lr: 4.706e-05, eta: 12:50:59, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2942, decode.acc_seg: 88.7037, aux.loss_ce: 0.1500, aux.acc_seg: 85.5988, loss: 0.4442, grad_norm: 4.5596 2023-02-19 07:35:40,541 - mmseg - INFO - Iter [34550/160000] lr: 4.704e-05, eta: 12:50:40, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2956, decode.acc_seg: 88.7987, aux.loss_ce: 0.1528, aux.acc_seg: 85.3317, loss: 0.4483, grad_norm: 5.5696 2023-02-19 07:35:58,571 - mmseg - INFO - Iter [34600/160000] lr: 4.703e-05, eta: 12:50:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3029, decode.acc_seg: 88.5171, aux.loss_ce: 0.1568, aux.acc_seg: 85.0188, loss: 0.4597, grad_norm: 5.9751 2023-02-19 07:36:16,682 - mmseg - INFO - Iter [34650/160000] lr: 4.701e-05, eta: 12:50:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3113, decode.acc_seg: 88.0916, aux.loss_ce: 0.1595, aux.acc_seg: 84.8540, loss: 0.4708, grad_norm: 5.1634 2023-02-19 07:36:34,697 - mmseg - INFO - Iter [34700/160000] lr: 4.699e-05, eta: 12:49:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3102, decode.acc_seg: 88.4091, aux.loss_ce: 0.1543, aux.acc_seg: 85.3344, loss: 0.4645, grad_norm: 5.7986 2023-02-19 07:36:52,835 - mmseg - INFO - Iter [34750/160000] lr: 4.697e-05, eta: 12:49:21, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2835, decode.acc_seg: 88.7119, aux.loss_ce: 0.1442, aux.acc_seg: 85.6397, loss: 0.4278, grad_norm: 4.1606 2023-02-19 07:37:11,149 - mmseg - INFO - Iter [34800/160000] lr: 4.695e-05, eta: 12:49:02, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2943, decode.acc_seg: 88.6576, aux.loss_ce: 0.1478, aux.acc_seg: 85.8200, loss: 0.4421, grad_norm: 5.3408 2023-02-19 07:37:29,887 - mmseg - INFO - Iter [34850/160000] lr: 4.693e-05, eta: 12:48:45, time: 0.375, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3148, decode.acc_seg: 87.9856, aux.loss_ce: 0.1547, aux.acc_seg: 85.3047, loss: 0.4695, grad_norm: 8.5557 2023-02-19 07:37:48,284 - mmseg - INFO - Iter [34900/160000] lr: 4.691e-05, eta: 12:48:26, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2993, decode.acc_seg: 88.4029, aux.loss_ce: 0.1533, aux.acc_seg: 85.2626, loss: 0.4526, grad_norm: 4.6541 2023-02-19 07:38:06,258 - mmseg - INFO - Iter [34950/160000] lr: 4.689e-05, eta: 12:48:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2920, decode.acc_seg: 88.6254, aux.loss_ce: 0.1486, aux.acc_seg: 85.6814, loss: 0.4405, grad_norm: 5.0156 2023-02-19 07:38:24,224 - mmseg - INFO - Saving checkpoint at 35000 iterations 2023-02-19 07:38:25,967 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:38:25,968 - mmseg - INFO - Iter [35000/160000] lr: 4.688e-05, eta: 12:47:53, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2827, decode.acc_seg: 88.9988, aux.loss_ce: 0.1444, aux.acc_seg: 86.0093, loss: 0.4271, grad_norm: 4.6105 2023-02-19 07:38:43,976 - mmseg - INFO - Iter [35050/160000] lr: 4.686e-05, eta: 12:47:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3049, decode.acc_seg: 88.3989, aux.loss_ce: 0.1532, aux.acc_seg: 85.2980, loss: 0.4581, grad_norm: 4.4627 2023-02-19 07:39:01,981 - mmseg - INFO - Iter [35100/160000] lr: 4.684e-05, eta: 12:47:13, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3227, decode.acc_seg: 88.0394, aux.loss_ce: 0.1595, aux.acc_seg: 85.2889, loss: 0.4822, grad_norm: 4.5525 2023-02-19 07:39:20,160 - mmseg - INFO - Iter [35150/160000] lr: 4.682e-05, eta: 12:46:53, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3072, decode.acc_seg: 87.9683, aux.loss_ce: 0.1549, aux.acc_seg: 84.8092, loss: 0.4620, grad_norm: 4.8220 2023-02-19 07:39:38,637 - mmseg - INFO - Iter [35200/160000] lr: 4.680e-05, eta: 12:46:35, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3039, decode.acc_seg: 88.6032, aux.loss_ce: 0.1547, aux.acc_seg: 85.6597, loss: 0.4586, grad_norm: 5.1400 2023-02-19 07:39:56,988 - mmseg - INFO - Iter [35250/160000] lr: 4.678e-05, eta: 12:46:16, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3026, decode.acc_seg: 88.6977, aux.loss_ce: 0.1512, aux.acc_seg: 85.8537, loss: 0.4538, grad_norm: 5.2269 2023-02-19 07:40:15,004 - mmseg - INFO - Iter [35300/160000] lr: 4.676e-05, eta: 12:45:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3115, decode.acc_seg: 88.3926, aux.loss_ce: 0.1578, aux.acc_seg: 85.4723, loss: 0.4693, grad_norm: 4.7999 2023-02-19 07:40:33,084 - mmseg - INFO - Iter [35350/160000] lr: 4.674e-05, eta: 12:45:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3174, decode.acc_seg: 87.7606, aux.loss_ce: 0.1602, aux.acc_seg: 84.6560, loss: 0.4776, grad_norm: 4.4027 2023-02-19 07:40:55,176 - mmseg - INFO - Iter [35400/160000] lr: 4.673e-05, eta: 12:45:31, time: 0.442, data_time: 0.052, memory: 20662, decode.loss_ce: 0.2968, decode.acc_seg: 88.9224, aux.loss_ce: 0.1523, aux.acc_seg: 85.8199, loss: 0.4491, grad_norm: 4.1098 2023-02-19 07:41:13,445 - mmseg - INFO - Iter [35450/160000] lr: 4.671e-05, eta: 12:45:12, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2966, decode.acc_seg: 88.7154, aux.loss_ce: 0.1557, aux.acc_seg: 85.1679, loss: 0.4523, grad_norm: 4.2603 2023-02-19 07:41:32,156 - mmseg - INFO - Iter [35500/160000] lr: 4.669e-05, eta: 12:44:55, time: 0.374, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2920, decode.acc_seg: 88.7955, aux.loss_ce: 0.1476, aux.acc_seg: 86.0718, loss: 0.4396, grad_norm: 5.0740 2023-02-19 07:41:50,258 - mmseg - INFO - Iter [35550/160000] lr: 4.667e-05, eta: 12:44:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2868, decode.acc_seg: 88.9135, aux.loss_ce: 0.1426, aux.acc_seg: 86.1805, loss: 0.4294, grad_norm: 4.4076 2023-02-19 07:42:08,192 - mmseg - INFO - Iter [35600/160000] lr: 4.665e-05, eta: 12:44:15, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2773, decode.acc_seg: 89.2647, aux.loss_ce: 0.1423, aux.acc_seg: 86.2945, loss: 0.4195, grad_norm: 4.0573 2023-02-19 07:42:26,189 - mmseg - INFO - Iter [35650/160000] lr: 4.663e-05, eta: 12:43:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2950, decode.acc_seg: 88.5205, aux.loss_ce: 0.1525, aux.acc_seg: 85.3619, loss: 0.4474, grad_norm: 4.7677 2023-02-19 07:42:44,132 - mmseg - INFO - Iter [35700/160000] lr: 4.661e-05, eta: 12:43:35, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3064, decode.acc_seg: 88.4121, aux.loss_ce: 0.1522, aux.acc_seg: 85.4906, loss: 0.4585, grad_norm: 5.8056 2023-02-19 07:43:02,088 - mmseg - INFO - Iter [35750/160000] lr: 4.659e-05, eta: 12:43:15, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3064, decode.acc_seg: 88.3857, aux.loss_ce: 0.1552, aux.acc_seg: 85.5777, loss: 0.4616, grad_norm: 4.1526 2023-02-19 07:43:20,061 - mmseg - INFO - Iter [35800/160000] lr: 4.658e-05, eta: 12:42:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2811, decode.acc_seg: 89.0954, aux.loss_ce: 0.1473, aux.acc_seg: 85.7582, loss: 0.4284, grad_norm: 4.5700 2023-02-19 07:43:38,275 - mmseg - INFO - Iter [35850/160000] lr: 4.656e-05, eta: 12:42:36, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2945, decode.acc_seg: 88.8691, aux.loss_ce: 0.1493, aux.acc_seg: 85.6730, loss: 0.4438, grad_norm: 6.7445 2023-02-19 07:43:56,240 - mmseg - INFO - Iter [35900/160000] lr: 4.654e-05, eta: 12:42:16, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3003, decode.acc_seg: 88.8475, aux.loss_ce: 0.1535, aux.acc_seg: 85.4357, loss: 0.4538, grad_norm: 5.7611 2023-02-19 07:44:14,328 - mmseg - INFO - Iter [35950/160000] lr: 4.652e-05, eta: 12:41:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2959, decode.acc_seg: 88.7088, aux.loss_ce: 0.1505, aux.acc_seg: 85.5821, loss: 0.4464, grad_norm: 4.5519 2023-02-19 07:44:32,336 - mmseg - INFO - Saving checkpoint at 36000 iterations 2023-02-19 07:44:34,092 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:44:34,092 - mmseg - INFO - Iter [36000/160000] lr: 4.650e-05, eta: 12:41:42, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2870, decode.acc_seg: 88.7686, aux.loss_ce: 0.1435, aux.acc_seg: 86.1976, loss: 0.4305, grad_norm: 4.6010 2023-02-19 07:44:52,519 - mmseg - INFO - Iter [36050/160000] lr: 4.648e-05, eta: 12:41:24, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2887, decode.acc_seg: 88.8782, aux.loss_ce: 0.1465, aux.acc_seg: 85.8318, loss: 0.4351, grad_norm: 4.0216 2023-02-19 07:45:10,750 - mmseg - INFO - Iter [36100/160000] lr: 4.646e-05, eta: 12:41:05, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2805, decode.acc_seg: 88.8523, aux.loss_ce: 0.1454, aux.acc_seg: 85.8657, loss: 0.4259, grad_norm: 5.2661 2023-02-19 07:45:28,716 - mmseg - INFO - Iter [36150/160000] lr: 4.644e-05, eta: 12:40:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2888, decode.acc_seg: 89.2286, aux.loss_ce: 0.1454, aux.acc_seg: 86.3424, loss: 0.4343, grad_norm: 4.8962 2023-02-19 07:45:46,670 - mmseg - INFO - Iter [36200/160000] lr: 4.643e-05, eta: 12:40:25, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3025, decode.acc_seg: 88.2908, aux.loss_ce: 0.1489, aux.acc_seg: 85.4115, loss: 0.4514, grad_norm: 6.7228 2023-02-19 07:46:04,696 - mmseg - INFO - Iter [36250/160000] lr: 4.641e-05, eta: 12:40:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3023, decode.acc_seg: 88.2195, aux.loss_ce: 0.1536, aux.acc_seg: 84.9967, loss: 0.4559, grad_norm: 6.0910 2023-02-19 07:46:22,844 - mmseg - INFO - Iter [36300/160000] lr: 4.639e-05, eta: 12:39:46, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2885, decode.acc_seg: 88.8470, aux.loss_ce: 0.1480, aux.acc_seg: 85.9197, loss: 0.4366, grad_norm: 3.6113 2023-02-19 07:46:41,451 - mmseg - INFO - Iter [36350/160000] lr: 4.637e-05, eta: 12:39:28, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2894, decode.acc_seg: 88.6180, aux.loss_ce: 0.1446, aux.acc_seg: 85.9387, loss: 0.4340, grad_norm: 4.7307 2023-02-19 07:46:59,469 - mmseg - INFO - Iter [36400/160000] lr: 4.635e-05, eta: 12:39:08, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2739, decode.acc_seg: 89.1668, aux.loss_ce: 0.1417, aux.acc_seg: 86.0297, loss: 0.4156, grad_norm: 4.9081 2023-02-19 07:47:17,552 - mmseg - INFO - Iter [36450/160000] lr: 4.633e-05, eta: 12:38:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2781, decode.acc_seg: 89.5559, aux.loss_ce: 0.1444, aux.acc_seg: 86.3898, loss: 0.4226, grad_norm: 4.4463 2023-02-19 07:47:35,552 - mmseg - INFO - Iter [36500/160000] lr: 4.631e-05, eta: 12:38:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3065, decode.acc_seg: 88.4418, aux.loss_ce: 0.1535, aux.acc_seg: 85.5285, loss: 0.4599, grad_norm: 5.0599 2023-02-19 07:47:53,719 - mmseg - INFO - Iter [36550/160000] lr: 4.629e-05, eta: 12:38:09, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2978, decode.acc_seg: 88.7047, aux.loss_ce: 0.1480, aux.acc_seg: 85.7800, loss: 0.4458, grad_norm: 4.1261 2023-02-19 07:48:11,730 - mmseg - INFO - Iter [36600/160000] lr: 4.628e-05, eta: 12:37:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2858, decode.acc_seg: 89.0742, aux.loss_ce: 0.1461, aux.acc_seg: 86.0530, loss: 0.4319, grad_norm: 4.3803 2023-02-19 07:48:31,951 - mmseg - INFO - Iter [36650/160000] lr: 4.626e-05, eta: 12:37:37, time: 0.404, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2880, decode.acc_seg: 88.6643, aux.loss_ce: 0.1483, aux.acc_seg: 85.5716, loss: 0.4363, grad_norm: 4.0427 2023-02-19 07:48:50,153 - mmseg - INFO - Iter [36700/160000] lr: 4.624e-05, eta: 12:37:18, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2566, decode.acc_seg: 90.0559, aux.loss_ce: 0.1368, aux.acc_seg: 86.6415, loss: 0.3935, grad_norm: 3.6858 2023-02-19 07:49:08,477 - mmseg - INFO - Iter [36750/160000] lr: 4.622e-05, eta: 12:36:59, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2820, decode.acc_seg: 88.8986, aux.loss_ce: 0.1425, aux.acc_seg: 86.0861, loss: 0.4244, grad_norm: 4.2394 2023-02-19 07:49:26,962 - mmseg - INFO - Iter [36800/160000] lr: 4.620e-05, eta: 12:36:41, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2863, decode.acc_seg: 89.2633, aux.loss_ce: 0.1487, aux.acc_seg: 85.9999, loss: 0.4351, grad_norm: 4.6284 2023-02-19 07:49:45,317 - mmseg - INFO - Iter [36850/160000] lr: 4.618e-05, eta: 12:36:22, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2804, decode.acc_seg: 89.0314, aux.loss_ce: 0.1475, aux.acc_seg: 85.6075, loss: 0.4279, grad_norm: 4.8974 2023-02-19 07:50:03,243 - mmseg - INFO - Iter [36900/160000] lr: 4.616e-05, eta: 12:36:02, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2747, decode.acc_seg: 89.2540, aux.loss_ce: 0.1429, aux.acc_seg: 86.1341, loss: 0.4176, grad_norm: 3.7696 2023-02-19 07:50:21,419 - mmseg - INFO - Iter [36950/160000] lr: 4.614e-05, eta: 12:35:43, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2955, decode.acc_seg: 88.5767, aux.loss_ce: 0.1505, aux.acc_seg: 85.5267, loss: 0.4459, grad_norm: 4.3107 2023-02-19 07:50:39,454 - mmseg - INFO - Saving checkpoint at 37000 iterations 2023-02-19 07:50:41,172 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:50:41,172 - mmseg - INFO - Iter [37000/160000] lr: 4.613e-05, eta: 12:35:29, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2958, decode.acc_seg: 88.5650, aux.loss_ce: 0.1516, aux.acc_seg: 85.4280, loss: 0.4474, grad_norm: 4.7660 2023-02-19 07:50:59,313 - mmseg - INFO - Iter [37050/160000] lr: 4.611e-05, eta: 12:35:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2860, decode.acc_seg: 88.9546, aux.loss_ce: 0.1474, aux.acc_seg: 85.5457, loss: 0.4334, grad_norm: 4.0399 2023-02-19 07:51:17,379 - mmseg - INFO - Iter [37100/160000] lr: 4.609e-05, eta: 12:34:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2851, decode.acc_seg: 89.0882, aux.loss_ce: 0.1480, aux.acc_seg: 85.9896, loss: 0.4331, grad_norm: 3.9927 2023-02-19 07:51:35,317 - mmseg - INFO - Iter [37150/160000] lr: 4.607e-05, eta: 12:34:30, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2953, decode.acc_seg: 88.5652, aux.loss_ce: 0.1524, aux.acc_seg: 85.2355, loss: 0.4477, grad_norm: 6.3958 2023-02-19 07:51:53,277 - mmseg - INFO - Iter [37200/160000] lr: 4.605e-05, eta: 12:34:10, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2966, decode.acc_seg: 88.6649, aux.loss_ce: 0.1504, aux.acc_seg: 85.4069, loss: 0.4470, grad_norm: 4.3611 2023-02-19 07:52:11,431 - mmseg - INFO - Iter [37250/160000] lr: 4.603e-05, eta: 12:33:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2804, decode.acc_seg: 89.0531, aux.loss_ce: 0.1452, aux.acc_seg: 85.9988, loss: 0.4255, grad_norm: 4.2595 2023-02-19 07:52:29,400 - mmseg - INFO - Iter [37300/160000] lr: 4.601e-05, eta: 12:33:31, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2788, decode.acc_seg: 89.1263, aux.loss_ce: 0.1402, aux.acc_seg: 86.1838, loss: 0.4190, grad_norm: 4.0558 2023-02-19 07:52:47,404 - mmseg - INFO - Iter [37350/160000] lr: 4.599e-05, eta: 12:33:11, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2886, decode.acc_seg: 89.1256, aux.loss_ce: 0.1453, aux.acc_seg: 86.3495, loss: 0.4339, grad_norm: 4.4274 2023-02-19 07:53:05,529 - mmseg - INFO - Iter [37400/160000] lr: 4.598e-05, eta: 12:32:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2814, decode.acc_seg: 89.2215, aux.loss_ce: 0.1435, aux.acc_seg: 86.2538, loss: 0.4248, grad_norm: 4.6496 2023-02-19 07:53:23,635 - mmseg - INFO - Iter [37450/160000] lr: 4.596e-05, eta: 12:32:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2832, decode.acc_seg: 88.8666, aux.loss_ce: 0.1500, aux.acc_seg: 85.3497, loss: 0.4333, grad_norm: 3.9522 2023-02-19 07:53:41,595 - mmseg - INFO - Iter [37500/160000] lr: 4.594e-05, eta: 12:32:12, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2913, decode.acc_seg: 88.7497, aux.loss_ce: 0.1519, aux.acc_seg: 85.4371, loss: 0.4432, grad_norm: 4.5344 2023-02-19 07:53:59,660 - mmseg - INFO - Iter [37550/160000] lr: 4.592e-05, eta: 12:31:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2793, decode.acc_seg: 89.3149, aux.loss_ce: 0.1430, aux.acc_seg: 86.3594, loss: 0.4223, grad_norm: 4.9224 2023-02-19 07:54:17,638 - mmseg - INFO - Iter [37600/160000] lr: 4.590e-05, eta: 12:31:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3155, decode.acc_seg: 88.0504, aux.loss_ce: 0.1549, aux.acc_seg: 85.3026, loss: 0.4703, grad_norm: 6.1054 2023-02-19 07:54:35,802 - mmseg - INFO - Iter [37650/160000] lr: 4.588e-05, eta: 12:31:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2659, decode.acc_seg: 89.6348, aux.loss_ce: 0.1397, aux.acc_seg: 86.0527, loss: 0.4056, grad_norm: 4.1645 2023-02-19 07:54:54,004 - mmseg - INFO - Iter [37700/160000] lr: 4.586e-05, eta: 12:30:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2855, decode.acc_seg: 89.2014, aux.loss_ce: 0.1513, aux.acc_seg: 86.0085, loss: 0.4368, grad_norm: 4.5614 2023-02-19 07:55:12,179 - mmseg - INFO - Iter [37750/160000] lr: 4.584e-05, eta: 12:30:35, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2885, decode.acc_seg: 89.0090, aux.loss_ce: 0.1468, aux.acc_seg: 86.1588, loss: 0.4353, grad_norm: 5.3034 2023-02-19 07:55:30,385 - mmseg - INFO - Iter [37800/160000] lr: 4.583e-05, eta: 12:30:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2759, decode.acc_seg: 89.1250, aux.loss_ce: 0.1407, aux.acc_seg: 86.1853, loss: 0.4166, grad_norm: 4.1025 2023-02-19 07:55:48,403 - mmseg - INFO - Iter [37850/160000] lr: 4.581e-05, eta: 12:29:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2754, decode.acc_seg: 89.2917, aux.loss_ce: 0.1410, aux.acc_seg: 86.1676, loss: 0.4164, grad_norm: 4.8230 2023-02-19 07:56:08,748 - mmseg - INFO - Iter [37900/160000] lr: 4.579e-05, eta: 12:29:44, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2923, decode.acc_seg: 88.6737, aux.loss_ce: 0.1516, aux.acc_seg: 85.1460, loss: 0.4440, grad_norm: 4.7994 2023-02-19 07:56:27,121 - mmseg - INFO - Iter [37950/160000] lr: 4.577e-05, eta: 12:29:25, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2755, decode.acc_seg: 89.1791, aux.loss_ce: 0.1404, aux.acc_seg: 86.2302, loss: 0.4159, grad_norm: 4.0666 2023-02-19 07:56:45,074 - mmseg - INFO - Saving checkpoint at 38000 iterations 2023-02-19 07:56:46,863 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 07:56:46,863 - mmseg - INFO - Iter [38000/160000] lr: 4.575e-05, eta: 12:29:11, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2797, decode.acc_seg: 89.3679, aux.loss_ce: 0.1428, aux.acc_seg: 86.3346, loss: 0.4224, grad_norm: 4.3155 2023-02-19 07:57:04,848 - mmseg - INFO - Iter [38050/160000] lr: 4.573e-05, eta: 12:28:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2805, decode.acc_seg: 89.1707, aux.loss_ce: 0.1445, aux.acc_seg: 86.3221, loss: 0.4250, grad_norm: 3.7728 2023-02-19 07:57:22,937 - mmseg - INFO - Iter [38100/160000] lr: 4.571e-05, eta: 12:28:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2727, decode.acc_seg: 89.3916, aux.loss_ce: 0.1390, aux.acc_seg: 86.3376, loss: 0.4117, grad_norm: 4.5462 2023-02-19 07:57:40,985 - mmseg - INFO - Iter [38150/160000] lr: 4.569e-05, eta: 12:28:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2509, decode.acc_seg: 90.0606, aux.loss_ce: 0.1308, aux.acc_seg: 86.9783, loss: 0.3816, grad_norm: 4.1827 2023-02-19 07:57:58,985 - mmseg - INFO - Iter [38200/160000] lr: 4.568e-05, eta: 12:27:52, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2619, decode.acc_seg: 89.7374, aux.loss_ce: 0.1383, aux.acc_seg: 86.4508, loss: 0.4002, grad_norm: 4.4067 2023-02-19 07:58:16,922 - mmseg - INFO - Iter [38250/160000] lr: 4.566e-05, eta: 12:27:33, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2922, decode.acc_seg: 88.8952, aux.loss_ce: 0.1486, aux.acc_seg: 85.9602, loss: 0.4408, grad_norm: 4.3500 2023-02-19 07:58:34,996 - mmseg - INFO - Iter [38300/160000] lr: 4.564e-05, eta: 12:27:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2817, decode.acc_seg: 89.0386, aux.loss_ce: 0.1444, aux.acc_seg: 86.0445, loss: 0.4261, grad_norm: 4.0371 2023-02-19 07:58:53,054 - mmseg - INFO - Iter [38350/160000] lr: 4.562e-05, eta: 12:26:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2793, decode.acc_seg: 89.0182, aux.loss_ce: 0.1423, aux.acc_seg: 85.6523, loss: 0.4215, grad_norm: 4.4583 2023-02-19 07:59:10,998 - mmseg - INFO - Iter [38400/160000] lr: 4.560e-05, eta: 12:26:34, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.3105, decode.acc_seg: 88.5419, aux.loss_ce: 0.1586, aux.acc_seg: 85.1118, loss: 0.4691, grad_norm: 7.0014 2023-02-19 07:59:28,933 - mmseg - INFO - Iter [38450/160000] lr: 4.558e-05, eta: 12:26:14, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2837, decode.acc_seg: 88.9741, aux.loss_ce: 0.1459, aux.acc_seg: 85.6156, loss: 0.4296, grad_norm: 3.9811 2023-02-19 07:59:46,933 - mmseg - INFO - Iter [38500/160000] lr: 4.556e-05, eta: 12:25:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2756, decode.acc_seg: 89.4238, aux.loss_ce: 0.1436, aux.acc_seg: 86.3067, loss: 0.4192, grad_norm: 3.7558 2023-02-19 08:00:04,882 - mmseg - INFO - Iter [38550/160000] lr: 4.554e-05, eta: 12:25:34, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2657, decode.acc_seg: 89.6748, aux.loss_ce: 0.1417, aux.acc_seg: 86.6801, loss: 0.4074, grad_norm: 4.3611 2023-02-19 08:00:22,847 - mmseg - INFO - Iter [38600/160000] lr: 4.553e-05, eta: 12:25:14, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2855, decode.acc_seg: 89.0832, aux.loss_ce: 0.1464, aux.acc_seg: 85.9433, loss: 0.4319, grad_norm: 4.3316 2023-02-19 08:00:40,808 - mmseg - INFO - Iter [38650/160000] lr: 4.551e-05, eta: 12:24:54, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2653, decode.acc_seg: 89.8830, aux.loss_ce: 0.1392, aux.acc_seg: 86.4826, loss: 0.4044, grad_norm: 4.6262 2023-02-19 08:00:58,904 - mmseg - INFO - Iter [38700/160000] lr: 4.549e-05, eta: 12:24:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2737, decode.acc_seg: 89.1291, aux.loss_ce: 0.1402, aux.acc_seg: 86.1921, loss: 0.4140, grad_norm: 4.1303 2023-02-19 08:01:16,963 - mmseg - INFO - Iter [38750/160000] lr: 4.547e-05, eta: 12:24:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2878, decode.acc_seg: 88.6037, aux.loss_ce: 0.1453, aux.acc_seg: 85.7322, loss: 0.4331, grad_norm: 4.7915 2023-02-19 08:01:34,968 - mmseg - INFO - Iter [38800/160000] lr: 4.545e-05, eta: 12:23:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2881, decode.acc_seg: 88.9493, aux.loss_ce: 0.1469, aux.acc_seg: 86.1382, loss: 0.4351, grad_norm: 4.1169 2023-02-19 08:01:53,117 - mmseg - INFO - Iter [38850/160000] lr: 4.543e-05, eta: 12:23:36, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2509, decode.acc_seg: 90.0515, aux.loss_ce: 0.1316, aux.acc_seg: 87.0817, loss: 0.3825, grad_norm: 3.5350 2023-02-19 08:02:11,196 - mmseg - INFO - Iter [38900/160000] lr: 4.541e-05, eta: 12:23:17, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2814, decode.acc_seg: 89.1963, aux.loss_ce: 0.1439, aux.acc_seg: 85.8459, loss: 0.4254, grad_norm: 4.3345 2023-02-19 08:02:29,357 - mmseg - INFO - Iter [38950/160000] lr: 4.539e-05, eta: 12:22:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2754, decode.acc_seg: 89.5538, aux.loss_ce: 0.1412, aux.acc_seg: 86.4003, loss: 0.4166, grad_norm: 4.0819 2023-02-19 08:02:47,502 - mmseg - INFO - Saving checkpoint at 39000 iterations 2023-02-19 08:02:49,251 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:02:49,251 - mmseg - INFO - Iter [39000/160000] lr: 4.538e-05, eta: 12:22:44, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2797, decode.acc_seg: 89.2884, aux.loss_ce: 0.1438, aux.acc_seg: 86.1637, loss: 0.4235, grad_norm: 4.2770 2023-02-19 08:03:07,340 - mmseg - INFO - Iter [39050/160000] lr: 4.536e-05, eta: 12:22:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2857, decode.acc_seg: 89.1450, aux.loss_ce: 0.1525, aux.acc_seg: 85.4513, loss: 0.4382, grad_norm: 4.0940 2023-02-19 08:03:25,466 - mmseg - INFO - Iter [39100/160000] lr: 4.534e-05, eta: 12:22:05, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2904, decode.acc_seg: 88.8137, aux.loss_ce: 0.1458, aux.acc_seg: 85.9342, loss: 0.4361, grad_norm: 4.9133 2023-02-19 08:03:43,523 - mmseg - INFO - Iter [39150/160000] lr: 4.532e-05, eta: 12:21:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2958, decode.acc_seg: 88.6312, aux.loss_ce: 0.1519, aux.acc_seg: 85.5749, loss: 0.4477, grad_norm: 4.9010 2023-02-19 08:04:03,854 - mmseg - INFO - Iter [39200/160000] lr: 4.530e-05, eta: 12:21:33, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2514, decode.acc_seg: 90.0941, aux.loss_ce: 0.1300, aux.acc_seg: 87.0822, loss: 0.3814, grad_norm: 3.0214 2023-02-19 08:04:21,997 - mmseg - INFO - Iter [39250/160000] lr: 4.528e-05, eta: 12:21:14, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2703, decode.acc_seg: 89.3561, aux.loss_ce: 0.1382, aux.acc_seg: 86.4359, loss: 0.4085, grad_norm: 4.5726 2023-02-19 08:04:40,168 - mmseg - INFO - Iter [39300/160000] lr: 4.526e-05, eta: 12:20:55, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2786, decode.acc_seg: 89.4752, aux.loss_ce: 0.1453, aux.acc_seg: 86.2504, loss: 0.4240, grad_norm: 4.4350 2023-02-19 08:04:58,446 - mmseg - INFO - Iter [39350/160000] lr: 4.524e-05, eta: 12:20:36, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2736, decode.acc_seg: 89.2367, aux.loss_ce: 0.1438, aux.acc_seg: 85.9269, loss: 0.4173, grad_norm: 4.5076 2023-02-19 08:05:16,452 - mmseg - INFO - Iter [39400/160000] lr: 4.523e-05, eta: 12:20:16, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2825, decode.acc_seg: 89.2114, aux.loss_ce: 0.1443, aux.acc_seg: 86.2574, loss: 0.4268, grad_norm: 3.8602 2023-02-19 08:05:34,576 - mmseg - INFO - Iter [39450/160000] lr: 4.521e-05, eta: 12:19:57, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2827, decode.acc_seg: 88.8074, aux.loss_ce: 0.1439, aux.acc_seg: 85.8180, loss: 0.4266, grad_norm: 4.3715 2023-02-19 08:05:52,845 - mmseg - INFO - Iter [39500/160000] lr: 4.519e-05, eta: 12:19:38, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2584, decode.acc_seg: 89.8121, aux.loss_ce: 0.1351, aux.acc_seg: 86.4721, loss: 0.3936, grad_norm: 3.6023 2023-02-19 08:06:10,967 - mmseg - INFO - Iter [39550/160000] lr: 4.517e-05, eta: 12:19:19, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2740, decode.acc_seg: 89.3816, aux.loss_ce: 0.1425, aux.acc_seg: 86.0988, loss: 0.4165, grad_norm: 5.7893 2023-02-19 08:06:28,987 - mmseg - INFO - Iter [39600/160000] lr: 4.515e-05, eta: 12:18:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2692, decode.acc_seg: 89.8252, aux.loss_ce: 0.1400, aux.acc_seg: 86.3580, loss: 0.4093, grad_norm: 3.8094 2023-02-19 08:06:47,005 - mmseg - INFO - Iter [39650/160000] lr: 4.513e-05, eta: 12:18:39, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2805, decode.acc_seg: 89.0774, aux.loss_ce: 0.1458, aux.acc_seg: 85.6815, loss: 0.4263, grad_norm: 4.4067 2023-02-19 08:07:05,050 - mmseg - INFO - Iter [39700/160000] lr: 4.511e-05, eta: 12:18:20, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2813, decode.acc_seg: 89.4911, aux.loss_ce: 0.1438, aux.acc_seg: 86.5330, loss: 0.4251, grad_norm: 4.0589 2023-02-19 08:07:23,465 - mmseg - INFO - Iter [39750/160000] lr: 4.509e-05, eta: 12:18:01, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2711, decode.acc_seg: 89.4672, aux.loss_ce: 0.1417, aux.acc_seg: 86.0084, loss: 0.4128, grad_norm: 4.4797 2023-02-19 08:07:42,039 - mmseg - INFO - Iter [39800/160000] lr: 4.508e-05, eta: 12:17:44, time: 0.372, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2660, decode.acc_seg: 89.7191, aux.loss_ce: 0.1421, aux.acc_seg: 86.2362, loss: 0.4082, grad_norm: 4.3514 2023-02-19 08:08:00,475 - mmseg - INFO - Iter [39850/160000] lr: 4.506e-05, eta: 12:17:25, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2648, decode.acc_seg: 89.7450, aux.loss_ce: 0.1400, aux.acc_seg: 86.2763, loss: 0.4048, grad_norm: 3.8839 2023-02-19 08:08:18,539 - mmseg - INFO - Iter [39900/160000] lr: 4.504e-05, eta: 12:17:06, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2750, decode.acc_seg: 89.4793, aux.loss_ce: 0.1443, aux.acc_seg: 86.0102, loss: 0.4193, grad_norm: 4.5964 2023-02-19 08:08:36,784 - mmseg - INFO - Iter [39950/160000] lr: 4.502e-05, eta: 12:16:47, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2801, decode.acc_seg: 89.0902, aux.loss_ce: 0.1430, aux.acc_seg: 86.1707, loss: 0.4231, grad_norm: 5.0096 2023-02-19 08:08:54,976 - mmseg - INFO - Saving checkpoint at 40000 iterations 2023-02-19 08:08:56,699 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:08:56,699 - mmseg - INFO - Iter [40000/160000] lr: 4.500e-05, eta: 12:16:33, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2824, decode.acc_seg: 89.2596, aux.loss_ce: 0.1451, aux.acc_seg: 86.0750, loss: 0.4275, grad_norm: 4.5386 2023-02-19 08:09:14,948 - mmseg - INFO - Iter [40050/160000] lr: 4.498e-05, eta: 12:16:14, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2613, decode.acc_seg: 89.7732, aux.loss_ce: 0.1377, aux.acc_seg: 86.5242, loss: 0.3991, grad_norm: 3.8487 2023-02-19 08:09:33,004 - mmseg - INFO - Iter [40100/160000] lr: 4.496e-05, eta: 12:15:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2829, decode.acc_seg: 89.2373, aux.loss_ce: 0.1451, aux.acc_seg: 86.1845, loss: 0.4280, grad_norm: 4.9259 2023-02-19 08:09:51,216 - mmseg - INFO - Iter [40150/160000] lr: 4.494e-05, eta: 12:15:36, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2653, decode.acc_seg: 89.4696, aux.loss_ce: 0.1408, aux.acc_seg: 86.2064, loss: 0.4061, grad_norm: 4.0043 2023-02-19 08:10:09,282 - mmseg - INFO - Iter [40200/160000] lr: 4.493e-05, eta: 12:15:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2743, decode.acc_seg: 89.4212, aux.loss_ce: 0.1429, aux.acc_seg: 86.0351, loss: 0.4172, grad_norm: 5.2014 2023-02-19 08:10:27,438 - mmseg - INFO - Iter [40250/160000] lr: 4.491e-05, eta: 12:14:57, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2727, decode.acc_seg: 89.3514, aux.loss_ce: 0.1434, aux.acc_seg: 86.1818, loss: 0.4161, grad_norm: 4.7387 2023-02-19 08:10:45,674 - mmseg - INFO - Iter [40300/160000] lr: 4.489e-05, eta: 12:14:38, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2601, decode.acc_seg: 89.9412, aux.loss_ce: 0.1400, aux.acc_seg: 86.4364, loss: 0.4001, grad_norm: 4.4667 2023-02-19 08:11:03,659 - mmseg - INFO - Iter [40350/160000] lr: 4.487e-05, eta: 12:14:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2782, decode.acc_seg: 88.8536, aux.loss_ce: 0.1426, aux.acc_seg: 85.7846, loss: 0.4209, grad_norm: 3.9887 2023-02-19 08:11:21,636 - mmseg - INFO - Iter [40400/160000] lr: 4.485e-05, eta: 12:13:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2882, decode.acc_seg: 89.1437, aux.loss_ce: 0.1443, aux.acc_seg: 86.1653, loss: 0.4325, grad_norm: 5.1740 2023-02-19 08:11:42,195 - mmseg - INFO - Iter [40450/160000] lr: 4.483e-05, eta: 12:13:47, time: 0.411, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2682, decode.acc_seg: 89.3443, aux.loss_ce: 0.1366, aux.acc_seg: 86.4728, loss: 0.4048, grad_norm: 3.4775 2023-02-19 08:12:00,338 - mmseg - INFO - Iter [40500/160000] lr: 4.481e-05, eta: 12:13:27, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2519, decode.acc_seg: 89.8110, aux.loss_ce: 0.1318, aux.acc_seg: 86.6517, loss: 0.3836, grad_norm: 3.8135 2023-02-19 08:12:18,395 - mmseg - INFO - Iter [40550/160000] lr: 4.479e-05, eta: 12:13:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2738, decode.acc_seg: 89.3963, aux.loss_ce: 0.1400, aux.acc_seg: 86.4391, loss: 0.4138, grad_norm: 4.3850 2023-02-19 08:12:36,770 - mmseg - INFO - Iter [40600/160000] lr: 4.478e-05, eta: 12:12:49, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2553, decode.acc_seg: 89.8943, aux.loss_ce: 0.1323, aux.acc_seg: 86.8137, loss: 0.3876, grad_norm: 4.6860 2023-02-19 08:12:55,293 - mmseg - INFO - Iter [40650/160000] lr: 4.476e-05, eta: 12:12:31, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2784, decode.acc_seg: 89.4248, aux.loss_ce: 0.1444, aux.acc_seg: 86.1407, loss: 0.4228, grad_norm: 4.6101 2023-02-19 08:13:13,325 - mmseg - INFO - Iter [40700/160000] lr: 4.474e-05, eta: 12:12:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2843, decode.acc_seg: 88.8317, aux.loss_ce: 0.1486, aux.acc_seg: 85.4427, loss: 0.4329, grad_norm: 4.0494 2023-02-19 08:13:31,352 - mmseg - INFO - Iter [40750/160000] lr: 4.472e-05, eta: 12:11:52, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2686, decode.acc_seg: 89.5022, aux.loss_ce: 0.1427, aux.acc_seg: 86.2073, loss: 0.4113, grad_norm: 4.0305 2023-02-19 08:13:49,564 - mmseg - INFO - Iter [40800/160000] lr: 4.470e-05, eta: 12:11:33, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2604, decode.acc_seg: 89.9679, aux.loss_ce: 0.1364, aux.acc_seg: 86.7183, loss: 0.3967, grad_norm: 3.8235 2023-02-19 08:14:07,639 - mmseg - INFO - Iter [40850/160000] lr: 4.468e-05, eta: 12:11:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2738, decode.acc_seg: 89.5842, aux.loss_ce: 0.1436, aux.acc_seg: 86.2250, loss: 0.4173, grad_norm: 4.5069 2023-02-19 08:14:25,765 - mmseg - INFO - Iter [40900/160000] lr: 4.466e-05, eta: 12:10:55, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2871, decode.acc_seg: 88.8531, aux.loss_ce: 0.1447, aux.acc_seg: 85.8158, loss: 0.4318, grad_norm: 4.9380 2023-02-19 08:14:43,777 - mmseg - INFO - Iter [40950/160000] lr: 4.464e-05, eta: 12:10:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2716, decode.acc_seg: 89.6897, aux.loss_ce: 0.1397, aux.acc_seg: 86.6926, loss: 0.4114, grad_norm: 4.7611 2023-02-19 08:15:02,363 - mmseg - INFO - Saving checkpoint at 41000 iterations 2023-02-19 08:15:04,195 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:15:04,195 - mmseg - INFO - Iter [41000/160000] lr: 4.463e-05, eta: 12:10:22, time: 0.408, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2772, decode.acc_seg: 89.3726, aux.loss_ce: 0.1399, aux.acc_seg: 86.6327, loss: 0.4171, grad_norm: 4.1207 2023-02-19 08:15:22,287 - mmseg - INFO - Iter [41050/160000] lr: 4.461e-05, eta: 12:10:03, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2772, decode.acc_seg: 89.1521, aux.loss_ce: 0.1462, aux.acc_seg: 85.6245, loss: 0.4234, grad_norm: 4.4888 2023-02-19 08:15:41,713 - mmseg - INFO - Iter [41100/160000] lr: 4.459e-05, eta: 12:09:48, time: 0.389, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2550, decode.acc_seg: 90.1291, aux.loss_ce: 0.1327, aux.acc_seg: 87.1666, loss: 0.3877, grad_norm: 3.7095 2023-02-19 08:15:59,835 - mmseg - INFO - Iter [41150/160000] lr: 4.457e-05, eta: 12:09:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2722, decode.acc_seg: 89.6111, aux.loss_ce: 0.1417, aux.acc_seg: 86.6543, loss: 0.4139, grad_norm: 3.9384 2023-02-19 08:16:17,940 - mmseg - INFO - Iter [41200/160000] lr: 4.455e-05, eta: 12:09:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2591, decode.acc_seg: 90.0790, aux.loss_ce: 0.1338, aux.acc_seg: 87.1962, loss: 0.3929, grad_norm: 4.4750 2023-02-19 08:16:35,951 - mmseg - INFO - Iter [41250/160000] lr: 4.453e-05, eta: 12:08:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2820, decode.acc_seg: 89.2406, aux.loss_ce: 0.1431, aux.acc_seg: 86.0804, loss: 0.4251, grad_norm: 4.7757 2023-02-19 08:16:54,063 - mmseg - INFO - Iter [41300/160000] lr: 4.451e-05, eta: 12:08:30, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2704, decode.acc_seg: 89.6109, aux.loss_ce: 0.1417, aux.acc_seg: 86.1828, loss: 0.4122, grad_norm: 3.8872 2023-02-19 08:17:12,107 - mmseg - INFO - Iter [41350/160000] lr: 4.449e-05, eta: 12:08:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2787, decode.acc_seg: 89.2320, aux.loss_ce: 0.1424, aux.acc_seg: 86.1899, loss: 0.4212, grad_norm: 4.3494 2023-02-19 08:17:30,215 - mmseg - INFO - Iter [41400/160000] lr: 4.448e-05, eta: 12:07:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2659, decode.acc_seg: 89.8496, aux.loss_ce: 0.1403, aux.acc_seg: 86.6485, loss: 0.4062, grad_norm: 5.1863 2023-02-19 08:17:48,304 - mmseg - INFO - Iter [41450/160000] lr: 4.446e-05, eta: 12:07:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2806, decode.acc_seg: 89.2121, aux.loss_ce: 0.1443, aux.acc_seg: 86.0072, loss: 0.4249, grad_norm: 4.3530 2023-02-19 08:18:06,325 - mmseg - INFO - Iter [41500/160000] lr: 4.444e-05, eta: 12:07:13, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2751, decode.acc_seg: 89.3664, aux.loss_ce: 0.1422, aux.acc_seg: 86.2289, loss: 0.4173, grad_norm: 4.3100 2023-02-19 08:18:24,470 - mmseg - INFO - Iter [41550/160000] lr: 4.442e-05, eta: 12:06:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2691, decode.acc_seg: 89.5050, aux.loss_ce: 0.1394, aux.acc_seg: 86.3505, loss: 0.4085, grad_norm: 3.7786 2023-02-19 08:18:42,967 - mmseg - INFO - Iter [41600/160000] lr: 4.440e-05, eta: 12:06:35, time: 0.371, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2578, decode.acc_seg: 89.8620, aux.loss_ce: 0.1363, aux.acc_seg: 86.5357, loss: 0.3941, grad_norm: 4.5285 2023-02-19 08:19:01,227 - mmseg - INFO - Iter [41650/160000] lr: 4.438e-05, eta: 12:06:16, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2750, decode.acc_seg: 89.4320, aux.loss_ce: 0.1417, aux.acc_seg: 86.1164, loss: 0.4167, grad_norm: 4.2962 2023-02-19 08:19:21,692 - mmseg - INFO - Iter [41700/160000] lr: 4.436e-05, eta: 12:06:04, time: 0.409, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2691, decode.acc_seg: 89.7616, aux.loss_ce: 0.1423, aux.acc_seg: 86.4616, loss: 0.4114, grad_norm: 4.4591 2023-02-19 08:19:39,770 - mmseg - INFO - Iter [41750/160000] lr: 4.434e-05, eta: 12:05:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2712, decode.acc_seg: 89.2678, aux.loss_ce: 0.1394, aux.acc_seg: 86.2427, loss: 0.4106, grad_norm: 4.2531 2023-02-19 08:19:57,958 - mmseg - INFO - Iter [41800/160000] lr: 4.433e-05, eta: 12:05:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2782, decode.acc_seg: 89.2194, aux.loss_ce: 0.1456, aux.acc_seg: 85.9875, loss: 0.4238, grad_norm: 4.3298 2023-02-19 08:20:17,084 - mmseg - INFO - Iter [41850/160000] lr: 4.431e-05, eta: 12:05:09, time: 0.383, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2406, decode.acc_seg: 90.4734, aux.loss_ce: 0.1264, aux.acc_seg: 87.4209, loss: 0.3670, grad_norm: 3.0326 2023-02-19 08:20:35,212 - mmseg - INFO - Iter [41900/160000] lr: 4.429e-05, eta: 12:04:50, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2549, decode.acc_seg: 90.1153, aux.loss_ce: 0.1334, aux.acc_seg: 86.9429, loss: 0.3882, grad_norm: 4.6618 2023-02-19 08:20:53,482 - mmseg - INFO - Iter [41950/160000] lr: 4.427e-05, eta: 12:04:31, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2561, decode.acc_seg: 89.9138, aux.loss_ce: 0.1365, aux.acc_seg: 86.4759, loss: 0.3926, grad_norm: 3.7363 2023-02-19 08:21:11,614 - mmseg - INFO - Saving checkpoint at 42000 iterations 2023-02-19 08:21:13,340 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:21:13,340 - mmseg - INFO - Iter [42000/160000] lr: 4.425e-05, eta: 12:04:17, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2673, decode.acc_seg: 89.8989, aux.loss_ce: 0.1373, aux.acc_seg: 86.9030, loss: 0.4046, grad_norm: 3.8741 2023-02-19 08:21:31,382 - mmseg - INFO - Iter [42050/160000] lr: 4.423e-05, eta: 12:03:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2400, decode.acc_seg: 90.7257, aux.loss_ce: 0.1282, aux.acc_seg: 87.3944, loss: 0.3683, grad_norm: 3.7884 2023-02-19 08:21:49,793 - mmseg - INFO - Iter [42100/160000] lr: 4.421e-05, eta: 12:03:39, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2547, decode.acc_seg: 90.1436, aux.loss_ce: 0.1376, aux.acc_seg: 86.6339, loss: 0.3923, grad_norm: 3.8931 2023-02-19 08:22:08,146 - mmseg - INFO - Iter [42150/160000] lr: 4.419e-05, eta: 12:03:20, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2733, decode.acc_seg: 89.3556, aux.loss_ce: 0.1450, aux.acc_seg: 86.0098, loss: 0.4183, grad_norm: 6.5065 2023-02-19 08:22:26,587 - mmseg - INFO - Iter [42200/160000] lr: 4.418e-05, eta: 12:03:02, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2876, decode.acc_seg: 89.0958, aux.loss_ce: 0.1509, aux.acc_seg: 85.5064, loss: 0.4385, grad_norm: 5.9440 2023-02-19 08:22:45,022 - mmseg - INFO - Iter [42250/160000] lr: 4.416e-05, eta: 12:02:43, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2801, decode.acc_seg: 89.2404, aux.loss_ce: 0.1420, aux.acc_seg: 86.3105, loss: 0.4221, grad_norm: 3.9814 2023-02-19 08:23:03,210 - mmseg - INFO - Iter [42300/160000] lr: 4.414e-05, eta: 12:02:24, time: 0.364, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2725, decode.acc_seg: 89.4627, aux.loss_ce: 0.1426, aux.acc_seg: 86.3007, loss: 0.4152, grad_norm: 4.2702 2023-02-19 08:23:21,318 - mmseg - INFO - Iter [42350/160000] lr: 4.412e-05, eta: 12:02:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2578, decode.acc_seg: 90.1310, aux.loss_ce: 0.1336, aux.acc_seg: 87.2120, loss: 0.3913, grad_norm: 3.8414 2023-02-19 08:23:39,341 - mmseg - INFO - Iter [42400/160000] lr: 4.410e-05, eta: 12:01:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2572, decode.acc_seg: 89.8163, aux.loss_ce: 0.1366, aux.acc_seg: 86.4939, loss: 0.3938, grad_norm: 4.2074 2023-02-19 08:23:57,344 - mmseg - INFO - Iter [42450/160000] lr: 4.408e-05, eta: 12:01:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2668, decode.acc_seg: 89.7450, aux.loss_ce: 0.1376, aux.acc_seg: 86.8989, loss: 0.4044, grad_norm: 4.4459 2023-02-19 08:24:15,516 - mmseg - INFO - Iter [42500/160000] lr: 4.406e-05, eta: 12:01:07, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2612, decode.acc_seg: 89.6519, aux.loss_ce: 0.1409, aux.acc_seg: 86.0770, loss: 0.4021, grad_norm: 4.5429 2023-02-19 08:24:33,504 - mmseg - INFO - Iter [42550/160000] lr: 4.404e-05, eta: 12:00:47, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2484, decode.acc_seg: 90.3857, aux.loss_ce: 0.1305, aux.acc_seg: 87.3305, loss: 0.3789, grad_norm: 3.8925 2023-02-19 08:24:51,555 - mmseg - INFO - Iter [42600/160000] lr: 4.403e-05, eta: 12:00:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2622, decode.acc_seg: 89.9435, aux.loss_ce: 0.1393, aux.acc_seg: 86.4561, loss: 0.4015, grad_norm: 4.1160 2023-02-19 08:25:09,638 - mmseg - INFO - Iter [42650/160000] lr: 4.401e-05, eta: 12:00:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2478, decode.acc_seg: 90.3733, aux.loss_ce: 0.1312, aux.acc_seg: 87.1735, loss: 0.3790, grad_norm: 3.8243 2023-02-19 08:25:27,670 - mmseg - INFO - Iter [42700/160000] lr: 4.399e-05, eta: 11:59:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2508, decode.acc_seg: 90.0220, aux.loss_ce: 0.1352, aux.acc_seg: 86.7086, loss: 0.3860, grad_norm: 4.1066 2023-02-19 08:25:45,694 - mmseg - INFO - Iter [42750/160000] lr: 4.397e-05, eta: 11:59:30, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2642, decode.acc_seg: 89.7380, aux.loss_ce: 0.1407, aux.acc_seg: 86.1883, loss: 0.4048, grad_norm: 4.3501 2023-02-19 08:26:03,723 - mmseg - INFO - Iter [42800/160000] lr: 4.395e-05, eta: 11:59:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2513, decode.acc_seg: 90.1415, aux.loss_ce: 0.1339, aux.acc_seg: 86.7695, loss: 0.3852, grad_norm: 3.8726 2023-02-19 08:26:21,767 - mmseg - INFO - Iter [42850/160000] lr: 4.393e-05, eta: 11:58:51, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2631, decode.acc_seg: 89.6880, aux.loss_ce: 0.1397, aux.acc_seg: 86.3477, loss: 0.4028, grad_norm: 3.9135 2023-02-19 08:26:39,972 - mmseg - INFO - Iter [42900/160000] lr: 4.391e-05, eta: 11:58:32, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2585, decode.acc_seg: 89.9410, aux.loss_ce: 0.1372, aux.acc_seg: 86.5062, loss: 0.3957, grad_norm: 5.3633 2023-02-19 08:27:00,316 - mmseg - INFO - Iter [42950/160000] lr: 4.389e-05, eta: 11:58:19, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2634, decode.acc_seg: 90.0925, aux.loss_ce: 0.1365, aux.acc_seg: 86.9846, loss: 0.3999, grad_norm: 5.9653 2023-02-19 08:27:18,553 - mmseg - INFO - Saving checkpoint at 43000 iterations 2023-02-19 08:27:20,250 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:27:20,250 - mmseg - INFO - Iter [43000/160000] lr: 4.388e-05, eta: 11:58:05, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2438, decode.acc_seg: 90.4950, aux.loss_ce: 0.1267, aux.acc_seg: 87.6584, loss: 0.3706, grad_norm: 3.9060 2023-02-19 08:27:38,290 - mmseg - INFO - Iter [43050/160000] lr: 4.386e-05, eta: 11:57:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2587, decode.acc_seg: 90.1205, aux.loss_ce: 0.1351, aux.acc_seg: 87.0347, loss: 0.3938, grad_norm: 4.2213 2023-02-19 08:27:56,357 - mmseg - INFO - Iter [43100/160000] lr: 4.384e-05, eta: 11:57:26, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2435, decode.acc_seg: 90.3899, aux.loss_ce: 0.1256, aux.acc_seg: 87.6191, loss: 0.3691, grad_norm: 3.3807 2023-02-19 08:28:14,318 - mmseg - INFO - Iter [43150/160000] lr: 4.382e-05, eta: 11:57:06, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2564, decode.acc_seg: 90.0775, aux.loss_ce: 0.1361, aux.acc_seg: 86.7941, loss: 0.3925, grad_norm: 4.0040 2023-02-19 08:28:32,410 - mmseg - INFO - Iter [43200/160000] lr: 4.380e-05, eta: 11:56:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2371, decode.acc_seg: 90.7321, aux.loss_ce: 0.1278, aux.acc_seg: 87.5927, loss: 0.3650, grad_norm: 3.8003 2023-02-19 08:28:50,418 - mmseg - INFO - Iter [43250/160000] lr: 4.378e-05, eta: 11:56:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2774, decode.acc_seg: 89.4757, aux.loss_ce: 0.1454, aux.acc_seg: 86.3309, loss: 0.4229, grad_norm: 5.4840 2023-02-19 08:29:08,666 - mmseg - INFO - Iter [43300/160000] lr: 4.376e-05, eta: 11:56:09, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2684, decode.acc_seg: 89.6222, aux.loss_ce: 0.1384, aux.acc_seg: 86.6660, loss: 0.4068, grad_norm: 4.1277 2023-02-19 08:29:26,643 - mmseg - INFO - Iter [43350/160000] lr: 4.374e-05, eta: 11:55:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2527, decode.acc_seg: 89.8799, aux.loss_ce: 0.1294, aux.acc_seg: 87.0635, loss: 0.3821, grad_norm: 4.6256 2023-02-19 08:29:44,650 - mmseg - INFO - Iter [43400/160000] lr: 4.373e-05, eta: 11:55:30, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2564, decode.acc_seg: 90.1243, aux.loss_ce: 0.1387, aux.acc_seg: 86.9339, loss: 0.3951, grad_norm: 4.2691 2023-02-19 08:30:02,661 - mmseg - INFO - Iter [43450/160000] lr: 4.371e-05, eta: 11:55:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2515, decode.acc_seg: 90.3456, aux.loss_ce: 0.1317, aux.acc_seg: 87.2243, loss: 0.3832, grad_norm: 3.7184 2023-02-19 08:30:20,856 - mmseg - INFO - Iter [43500/160000] lr: 4.369e-05, eta: 11:54:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2494, decode.acc_seg: 90.3729, aux.loss_ce: 0.1321, aux.acc_seg: 87.0955, loss: 0.3815, grad_norm: 4.4404 2023-02-19 08:30:38,836 - mmseg - INFO - Iter [43550/160000] lr: 4.367e-05, eta: 11:54:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2632, decode.acc_seg: 90.3057, aux.loss_ce: 0.1360, aux.acc_seg: 87.0931, loss: 0.3992, grad_norm: 3.5664 2023-02-19 08:30:56,877 - mmseg - INFO - Iter [43600/160000] lr: 4.365e-05, eta: 11:54:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2588, decode.acc_seg: 89.8746, aux.loss_ce: 0.1317, aux.acc_seg: 87.0057, loss: 0.3904, grad_norm: 4.1303 2023-02-19 08:31:14,854 - mmseg - INFO - Iter [43650/160000] lr: 4.363e-05, eta: 11:53:53, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2523, decode.acc_seg: 90.0419, aux.loss_ce: 0.1345, aux.acc_seg: 86.8110, loss: 0.3868, grad_norm: 3.9384 2023-02-19 08:31:32,867 - mmseg - INFO - Iter [43700/160000] lr: 4.361e-05, eta: 11:53:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2647, decode.acc_seg: 89.7516, aux.loss_ce: 0.1381, aux.acc_seg: 86.8269, loss: 0.4028, grad_norm: 4.2955 2023-02-19 08:31:50,944 - mmseg - INFO - Iter [43750/160000] lr: 4.359e-05, eta: 11:53:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2472, decode.acc_seg: 90.3721, aux.loss_ce: 0.1325, aux.acc_seg: 86.9656, loss: 0.3797, grad_norm: 3.6309 2023-02-19 08:32:09,072 - mmseg - INFO - Iter [43800/160000] lr: 4.358e-05, eta: 11:52:55, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2527, decode.acc_seg: 89.9896, aux.loss_ce: 0.1350, aux.acc_seg: 86.6554, loss: 0.3878, grad_norm: 3.6884 2023-02-19 08:32:27,047 - mmseg - INFO - Iter [43850/160000] lr: 4.356e-05, eta: 11:52:35, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2514, decode.acc_seg: 90.0945, aux.loss_ce: 0.1319, aux.acc_seg: 86.9317, loss: 0.3833, grad_norm: 3.6079 2023-02-19 08:32:45,346 - mmseg - INFO - Iter [43900/160000] lr: 4.354e-05, eta: 11:52:16, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2477, decode.acc_seg: 90.2968, aux.loss_ce: 0.1347, aux.acc_seg: 86.7901, loss: 0.3824, grad_norm: 3.4171 2023-02-19 08:33:03,687 - mmseg - INFO - Iter [43950/160000] lr: 4.352e-05, eta: 11:51:58, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2753, decode.acc_seg: 89.5375, aux.loss_ce: 0.1428, aux.acc_seg: 86.3092, loss: 0.4181, grad_norm: 5.4592 2023-02-19 08:33:21,651 - mmseg - INFO - Saving checkpoint at 44000 iterations 2023-02-19 08:33:23,441 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:33:23,441 - mmseg - INFO - Iter [44000/160000] lr: 4.350e-05, eta: 11:51:43, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2485, decode.acc_seg: 90.2960, aux.loss_ce: 0.1320, aux.acc_seg: 86.9917, loss: 0.3805, grad_norm: 4.6426 2023-02-19 08:33:41,722 - mmseg - INFO - Iter [44050/160000] lr: 4.348e-05, eta: 11:51:24, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2761, decode.acc_seg: 89.2241, aux.loss_ce: 0.1439, aux.acc_seg: 86.2892, loss: 0.4201, grad_norm: 5.5802 2023-02-19 08:33:59,809 - mmseg - INFO - Iter [44100/160000] lr: 4.346e-05, eta: 11:51:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2462, decode.acc_seg: 90.4661, aux.loss_ce: 0.1306, aux.acc_seg: 87.3073, loss: 0.3767, grad_norm: 7.3799 2023-02-19 08:34:17,793 - mmseg - INFO - Iter [44150/160000] lr: 4.344e-05, eta: 11:50:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2813, decode.acc_seg: 89.3133, aux.loss_ce: 0.1439, aux.acc_seg: 86.1372, loss: 0.4252, grad_norm: 5.0627 2023-02-19 08:34:35,885 - mmseg - INFO - Iter [44200/160000] lr: 4.343e-05, eta: 11:50:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2714, decode.acc_seg: 89.4947, aux.loss_ce: 0.1407, aux.acc_seg: 86.5452, loss: 0.4122, grad_norm: 4.0892 2023-02-19 08:34:56,147 - mmseg - INFO - Iter [44250/160000] lr: 4.341e-05, eta: 11:50:13, time: 0.405, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2637, decode.acc_seg: 89.7625, aux.loss_ce: 0.1348, aux.acc_seg: 86.8622, loss: 0.3985, grad_norm: 4.0274 2023-02-19 08:35:14,104 - mmseg - INFO - Iter [44300/160000] lr: 4.339e-05, eta: 11:49:53, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2548, decode.acc_seg: 89.9451, aux.loss_ce: 0.1340, aux.acc_seg: 86.8102, loss: 0.3888, grad_norm: 3.8447 2023-02-19 08:35:32,278 - mmseg - INFO - Iter [44350/160000] lr: 4.337e-05, eta: 11:49:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2651, decode.acc_seg: 89.9234, aux.loss_ce: 0.1358, aux.acc_seg: 87.0084, loss: 0.4009, grad_norm: 4.7298 2023-02-19 08:35:50,317 - mmseg - INFO - Iter [44400/160000] lr: 4.335e-05, eta: 11:49:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2471, decode.acc_seg: 90.2290, aux.loss_ce: 0.1343, aux.acc_seg: 86.7403, loss: 0.3814, grad_norm: 3.7735 2023-02-19 08:36:08,482 - mmseg - INFO - Iter [44450/160000] lr: 4.333e-05, eta: 11:48:56, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2411, decode.acc_seg: 90.6090, aux.loss_ce: 0.1320, aux.acc_seg: 87.1868, loss: 0.3731, grad_norm: 3.4301 2023-02-19 08:36:26,552 - mmseg - INFO - Iter [44500/160000] lr: 4.331e-05, eta: 11:48:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2480, decode.acc_seg: 90.3673, aux.loss_ce: 0.1326, aux.acc_seg: 86.7650, loss: 0.3806, grad_norm: 5.2087 2023-02-19 08:36:44,793 - mmseg - INFO - Iter [44550/160000] lr: 4.329e-05, eta: 11:48:18, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2489, decode.acc_seg: 90.0129, aux.loss_ce: 0.1277, aux.acc_seg: 87.1685, loss: 0.3766, grad_norm: 4.4838 2023-02-19 08:37:02,866 - mmseg - INFO - Iter [44600/160000] lr: 4.328e-05, eta: 11:47:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2634, decode.acc_seg: 89.9795, aux.loss_ce: 0.1402, aux.acc_seg: 86.7893, loss: 0.4036, grad_norm: 4.5573 2023-02-19 08:37:20,903 - mmseg - INFO - Iter [44650/160000] lr: 4.326e-05, eta: 11:47:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2359, decode.acc_seg: 90.9117, aux.loss_ce: 0.1257, aux.acc_seg: 88.0185, loss: 0.3617, grad_norm: 3.8844 2023-02-19 08:37:38,877 - mmseg - INFO - Iter [44700/160000] lr: 4.324e-05, eta: 11:47:19, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2625, decode.acc_seg: 89.8357, aux.loss_ce: 0.1354, aux.acc_seg: 86.9818, loss: 0.3979, grad_norm: 5.2918 2023-02-19 08:37:56,836 - mmseg - INFO - Iter [44750/160000] lr: 4.322e-05, eta: 11:47:00, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2373, decode.acc_seg: 90.5958, aux.loss_ce: 0.1267, aux.acc_seg: 87.4517, loss: 0.3640, grad_norm: 3.4860 2023-02-19 08:38:15,280 - mmseg - INFO - Iter [44800/160000] lr: 4.320e-05, eta: 11:46:42, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2593, decode.acc_seg: 90.0828, aux.loss_ce: 0.1346, aux.acc_seg: 86.9145, loss: 0.3939, grad_norm: 3.7122 2023-02-19 08:38:33,394 - mmseg - INFO - Iter [44850/160000] lr: 4.318e-05, eta: 11:46:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2502, decode.acc_seg: 90.2389, aux.loss_ce: 0.1359, aux.acc_seg: 86.8090, loss: 0.3861, grad_norm: 3.7462 2023-02-19 08:38:51,519 - mmseg - INFO - Iter [44900/160000] lr: 4.316e-05, eta: 11:46:03, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2531, decode.acc_seg: 90.1926, aux.loss_ce: 0.1367, aux.acc_seg: 86.7658, loss: 0.3898, grad_norm: 4.0075 2023-02-19 08:39:09,672 - mmseg - INFO - Iter [44950/160000] lr: 4.314e-05, eta: 11:45:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2463, decode.acc_seg: 90.4094, aux.loss_ce: 0.1338, aux.acc_seg: 87.0110, loss: 0.3800, grad_norm: 3.6396 2023-02-19 08:39:28,189 - mmseg - INFO - Saving checkpoint at 45000 iterations 2023-02-19 08:39:29,969 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:39:29,969 - mmseg - INFO - Iter [45000/160000] lr: 4.313e-05, eta: 11:45:31, time: 0.406, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2423, decode.acc_seg: 90.7936, aux.loss_ce: 0.1291, aux.acc_seg: 87.3814, loss: 0.3714, grad_norm: 3.8985 2023-02-19 08:39:48,034 - mmseg - INFO - Iter [45050/160000] lr: 4.311e-05, eta: 11:45:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2586, decode.acc_seg: 90.2552, aux.loss_ce: 0.1388, aux.acc_seg: 86.9655, loss: 0.3974, grad_norm: 4.7979 2023-02-19 08:40:06,346 - mmseg - INFO - Iter [45100/160000] lr: 4.309e-05, eta: 11:44:53, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2487, decode.acc_seg: 90.0955, aux.loss_ce: 0.1312, aux.acc_seg: 86.9592, loss: 0.3799, grad_norm: 4.0754 2023-02-19 08:40:24,397 - mmseg - INFO - Iter [45150/160000] lr: 4.307e-05, eta: 11:44:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2416, decode.acc_seg: 90.2606, aux.loss_ce: 0.1294, aux.acc_seg: 87.1102, loss: 0.3710, grad_norm: 3.6717 2023-02-19 08:40:42,735 - mmseg - INFO - Iter [45200/160000] lr: 4.305e-05, eta: 11:44:15, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2441, decode.acc_seg: 90.5085, aux.loss_ce: 0.1324, aux.acc_seg: 86.8863, loss: 0.3766, grad_norm: 5.3139 2023-02-19 08:41:01,099 - mmseg - INFO - Iter [45250/160000] lr: 4.303e-05, eta: 11:43:56, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2460, decode.acc_seg: 90.6243, aux.loss_ce: 0.1329, aux.acc_seg: 87.2348, loss: 0.3789, grad_norm: 3.3952 2023-02-19 08:41:19,082 - mmseg - INFO - Iter [45300/160000] lr: 4.301e-05, eta: 11:43:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2540, decode.acc_seg: 89.9747, aux.loss_ce: 0.1353, aux.acc_seg: 86.6681, loss: 0.3893, grad_norm: 5.8828 2023-02-19 08:41:37,068 - mmseg - INFO - Iter [45350/160000] lr: 4.299e-05, eta: 11:43:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2534, decode.acc_seg: 89.9292, aux.loss_ce: 0.1362, aux.acc_seg: 86.5192, loss: 0.3896, grad_norm: 3.6620 2023-02-19 08:41:55,122 - mmseg - INFO - Iter [45400/160000] lr: 4.298e-05, eta: 11:42:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2409, decode.acc_seg: 90.3190, aux.loss_ce: 0.1279, aux.acc_seg: 87.0904, loss: 0.3688, grad_norm: 3.4995 2023-02-19 08:42:13,183 - mmseg - INFO - Iter [45450/160000] lr: 4.296e-05, eta: 11:42:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2498, decode.acc_seg: 90.1251, aux.loss_ce: 0.1295, aux.acc_seg: 87.2617, loss: 0.3793, grad_norm: 3.9393 2023-02-19 08:42:33,596 - mmseg - INFO - Iter [45500/160000] lr: 4.294e-05, eta: 11:42:26, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2398, decode.acc_seg: 90.2629, aux.loss_ce: 0.1248, aux.acc_seg: 87.3563, loss: 0.3646, grad_norm: 3.3553 2023-02-19 08:42:51,776 - mmseg - INFO - Iter [45550/160000] lr: 4.292e-05, eta: 11:42:07, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2366, decode.acc_seg: 90.5846, aux.loss_ce: 0.1241, aux.acc_seg: 87.7629, loss: 0.3607, grad_norm: 3.7159 2023-02-19 08:43:09,833 - mmseg - INFO - Iter [45600/160000] lr: 4.290e-05, eta: 11:41:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2360, decode.acc_seg: 90.4792, aux.loss_ce: 0.1239, aux.acc_seg: 87.6192, loss: 0.3599, grad_norm: 3.3656 2023-02-19 08:43:28,281 - mmseg - INFO - Iter [45650/160000] lr: 4.288e-05, eta: 11:41:29, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2522, decode.acc_seg: 90.3985, aux.loss_ce: 0.1356, aux.acc_seg: 86.9168, loss: 0.3877, grad_norm: 4.2486 2023-02-19 08:43:46,337 - mmseg - INFO - Iter [45700/160000] lr: 4.286e-05, eta: 11:41:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2382, decode.acc_seg: 90.7156, aux.loss_ce: 0.1259, aux.acc_seg: 87.7291, loss: 0.3641, grad_norm: 3.6989 2023-02-19 08:44:04,506 - mmseg - INFO - Iter [45750/160000] lr: 4.284e-05, eta: 11:40:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2493, decode.acc_seg: 90.1085, aux.loss_ce: 0.1368, aux.acc_seg: 86.6548, loss: 0.3862, grad_norm: 3.7563 2023-02-19 08:44:22,767 - mmseg - INFO - Iter [45800/160000] lr: 4.283e-05, eta: 11:40:32, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2427, decode.acc_seg: 90.4365, aux.loss_ce: 0.1304, aux.acc_seg: 87.1666, loss: 0.3731, grad_norm: 4.2380 2023-02-19 08:44:40,901 - mmseg - INFO - Iter [45850/160000] lr: 4.281e-05, eta: 11:40:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2511, decode.acc_seg: 90.1113, aux.loss_ce: 0.1379, aux.acc_seg: 86.4847, loss: 0.3890, grad_norm: 4.5226 2023-02-19 08:44:58,846 - mmseg - INFO - Iter [45900/160000] lr: 4.279e-05, eta: 11:39:53, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2438, decode.acc_seg: 90.4788, aux.loss_ce: 0.1275, aux.acc_seg: 87.3912, loss: 0.3713, grad_norm: 3.8219 2023-02-19 08:45:17,331 - mmseg - INFO - Iter [45950/160000] lr: 4.277e-05, eta: 11:39:35, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2349, decode.acc_seg: 90.4141, aux.loss_ce: 0.1276, aux.acc_seg: 87.1617, loss: 0.3626, grad_norm: 3.5365 2023-02-19 08:45:35,363 - mmseg - INFO - Saving checkpoint at 46000 iterations 2023-02-19 08:45:37,129 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:45:37,129 - mmseg - INFO - Iter [46000/160000] lr: 4.275e-05, eta: 11:39:20, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2500, decode.acc_seg: 90.5582, aux.loss_ce: 0.1297, aux.acc_seg: 87.5345, loss: 0.3797, grad_norm: 3.6575 2023-02-19 08:45:55,161 - mmseg - INFO - Iter [46050/160000] lr: 4.273e-05, eta: 11:39:01, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2514, decode.acc_seg: 90.2246, aux.loss_ce: 0.1402, aux.acc_seg: 86.4136, loss: 0.3916, grad_norm: 4.3582 2023-02-19 08:46:13,471 - mmseg - INFO - Iter [46100/160000] lr: 4.271e-05, eta: 11:38:42, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2484, decode.acc_seg: 90.5356, aux.loss_ce: 0.1331, aux.acc_seg: 87.2274, loss: 0.3815, grad_norm: 3.7420 2023-02-19 08:46:31,706 - mmseg - INFO - Iter [46150/160000] lr: 4.269e-05, eta: 11:38:24, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2491, decode.acc_seg: 90.5420, aux.loss_ce: 0.1330, aux.acc_seg: 87.0752, loss: 0.3821, grad_norm: 4.5401 2023-02-19 08:46:49,834 - mmseg - INFO - Iter [46200/160000] lr: 4.268e-05, eta: 11:38:04, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2531, decode.acc_seg: 90.1448, aux.loss_ce: 0.1345, aux.acc_seg: 86.6908, loss: 0.3875, grad_norm: 4.0942 2023-02-19 08:47:07,822 - mmseg - INFO - Iter [46250/160000] lr: 4.266e-05, eta: 11:37:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2643, decode.acc_seg: 89.6133, aux.loss_ce: 0.1387, aux.acc_seg: 86.4028, loss: 0.4030, grad_norm: 4.2084 2023-02-19 08:47:25,910 - mmseg - INFO - Iter [46300/160000] lr: 4.264e-05, eta: 11:37:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2441, decode.acc_seg: 90.4457, aux.loss_ce: 0.1316, aux.acc_seg: 87.1162, loss: 0.3757, grad_norm: 4.3378 2023-02-19 08:47:44,257 - mmseg - INFO - Iter [46350/160000] lr: 4.262e-05, eta: 11:37:07, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2350, decode.acc_seg: 90.6366, aux.loss_ce: 0.1295, aux.acc_seg: 86.9364, loss: 0.3645, grad_norm: 4.1692 2023-02-19 08:48:02,872 - mmseg - INFO - Iter [46400/160000] lr: 4.260e-05, eta: 11:36:49, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2345, decode.acc_seg: 90.4604, aux.loss_ce: 0.1250, aux.acc_seg: 87.4288, loss: 0.3595, grad_norm: 4.0557 2023-02-19 08:48:21,035 - mmseg - INFO - Iter [46450/160000] lr: 4.258e-05, eta: 11:36:30, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2632, decode.acc_seg: 89.7800, aux.loss_ce: 0.1375, aux.acc_seg: 86.5539, loss: 0.4007, grad_norm: 4.6537 2023-02-19 08:48:39,076 - mmseg - INFO - Iter [46500/160000] lr: 4.256e-05, eta: 11:36:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2576, decode.acc_seg: 90.2355, aux.loss_ce: 0.1366, aux.acc_seg: 86.9431, loss: 0.3943, grad_norm: 4.2550 2023-02-19 08:48:58,294 - mmseg - INFO - Iter [46550/160000] lr: 4.254e-05, eta: 11:35:55, time: 0.384, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2585, decode.acc_seg: 89.7407, aux.loss_ce: 0.1377, aux.acc_seg: 86.5103, loss: 0.3961, grad_norm: 4.7953 2023-02-19 08:49:16,969 - mmseg - INFO - Iter [46600/160000] lr: 4.253e-05, eta: 11:35:37, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2686, decode.acc_seg: 89.4186, aux.loss_ce: 0.1432, aux.acc_seg: 85.9578, loss: 0.4117, grad_norm: 3.9577 2023-02-19 08:49:35,308 - mmseg - INFO - Iter [46650/160000] lr: 4.251e-05, eta: 11:35:18, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2340, decode.acc_seg: 90.7107, aux.loss_ce: 0.1241, aux.acc_seg: 87.7893, loss: 0.3581, grad_norm: 4.7646 2023-02-19 08:49:53,565 - mmseg - INFO - Iter [46700/160000] lr: 4.249e-05, eta: 11:35:00, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2621, decode.acc_seg: 89.7062, aux.loss_ce: 0.1368, aux.acc_seg: 86.6301, loss: 0.3989, grad_norm: 4.0844 2023-02-19 08:50:13,930 - mmseg - INFO - Iter [46750/160000] lr: 4.247e-05, eta: 11:34:46, time: 0.407, data_time: 0.049, memory: 20662, decode.loss_ce: 0.2573, decode.acc_seg: 89.7448, aux.loss_ce: 0.1357, aux.acc_seg: 86.6975, loss: 0.3931, grad_norm: 4.0886 2023-02-19 08:50:31,934 - mmseg - INFO - Iter [46800/160000] lr: 4.245e-05, eta: 11:34:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2410, decode.acc_seg: 90.4118, aux.loss_ce: 0.1257, aux.acc_seg: 87.7586, loss: 0.3668, grad_norm: 5.2535 2023-02-19 08:50:49,917 - mmseg - INFO - Iter [46850/160000] lr: 4.243e-05, eta: 11:34:07, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2341, decode.acc_seg: 90.8159, aux.loss_ce: 0.1295, aux.acc_seg: 87.2469, loss: 0.3636, grad_norm: 4.0259 2023-02-19 08:51:08,220 - mmseg - INFO - Iter [46900/160000] lr: 4.241e-05, eta: 11:33:49, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2552, decode.acc_seg: 90.1044, aux.loss_ce: 0.1324, aux.acc_seg: 87.1472, loss: 0.3875, grad_norm: 3.9572 2023-02-19 08:51:26,360 - mmseg - INFO - Iter [46950/160000] lr: 4.239e-05, eta: 11:33:30, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2417, decode.acc_seg: 90.3623, aux.loss_ce: 0.1305, aux.acc_seg: 87.2757, loss: 0.3722, grad_norm: 3.7130 2023-02-19 08:51:44,311 - mmseg - INFO - Saving checkpoint at 47000 iterations 2023-02-19 08:51:46,063 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:51:46,064 - mmseg - INFO - Iter [47000/160000] lr: 4.238e-05, eta: 11:33:14, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2461, decode.acc_seg: 90.4130, aux.loss_ce: 0.1339, aux.acc_seg: 87.0741, loss: 0.3800, grad_norm: 3.5844 2023-02-19 08:52:04,040 - mmseg - INFO - Iter [47050/160000] lr: 4.236e-05, eta: 11:32:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2327, decode.acc_seg: 90.8839, aux.loss_ce: 0.1258, aux.acc_seg: 87.5336, loss: 0.3585, grad_norm: 4.0950 2023-02-19 08:52:22,125 - mmseg - INFO - Iter [47100/160000] lr: 4.234e-05, eta: 11:32:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2383, decode.acc_seg: 90.8353, aux.loss_ce: 0.1311, aux.acc_seg: 87.3940, loss: 0.3694, grad_norm: 3.7043 2023-02-19 08:52:40,292 - mmseg - INFO - Iter [47150/160000] lr: 4.232e-05, eta: 11:32:17, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2577, decode.acc_seg: 90.1402, aux.loss_ce: 0.1393, aux.acc_seg: 86.6809, loss: 0.3970, grad_norm: 4.7027 2023-02-19 08:52:58,368 - mmseg - INFO - Iter [47200/160000] lr: 4.230e-05, eta: 11:31:58, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2367, decode.acc_seg: 90.6296, aux.loss_ce: 0.1298, aux.acc_seg: 87.3713, loss: 0.3665, grad_norm: 3.7535 2023-02-19 08:53:16,412 - mmseg - INFO - Iter [47250/160000] lr: 4.228e-05, eta: 11:31:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2459, decode.acc_seg: 90.3093, aux.loss_ce: 0.1325, aux.acc_seg: 87.0178, loss: 0.3784, grad_norm: 4.4418 2023-02-19 08:53:34,496 - mmseg - INFO - Iter [47300/160000] lr: 4.226e-05, eta: 11:31:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2362, decode.acc_seg: 90.7477, aux.loss_ce: 0.1222, aux.acc_seg: 87.9862, loss: 0.3584, grad_norm: 4.7551 2023-02-19 08:53:52,545 - mmseg - INFO - Iter [47350/160000] lr: 4.224e-05, eta: 11:31:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2371, decode.acc_seg: 90.9821, aux.loss_ce: 0.1344, aux.acc_seg: 87.1626, loss: 0.3715, grad_norm: 3.6642 2023-02-19 08:54:10,582 - mmseg - INFO - Iter [47400/160000] lr: 4.223e-05, eta: 11:30:41, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2571, decode.acc_seg: 90.0920, aux.loss_ce: 0.1344, aux.acc_seg: 87.2162, loss: 0.3914, grad_norm: 4.5508 2023-02-19 08:54:28,643 - mmseg - INFO - Iter [47450/160000] lr: 4.221e-05, eta: 11:30:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2464, decode.acc_seg: 90.0632, aux.loss_ce: 0.1308, aux.acc_seg: 86.8399, loss: 0.3772, grad_norm: 4.2311 2023-02-19 08:54:46,744 - mmseg - INFO - Iter [47500/160000] lr: 4.219e-05, eta: 11:30:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2426, decode.acc_seg: 90.3310, aux.loss_ce: 0.1289, aux.acc_seg: 87.0795, loss: 0.3715, grad_norm: 3.4042 2023-02-19 08:55:04,757 - mmseg - INFO - Iter [47550/160000] lr: 4.217e-05, eta: 11:29:43, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2434, decode.acc_seg: 90.4613, aux.loss_ce: 0.1321, aux.acc_seg: 87.2801, loss: 0.3755, grad_norm: 3.9354 2023-02-19 08:55:22,884 - mmseg - INFO - Iter [47600/160000] lr: 4.215e-05, eta: 11:29:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2580, decode.acc_seg: 89.9447, aux.loss_ce: 0.1396, aux.acc_seg: 86.4954, loss: 0.3976, grad_norm: 4.4231 2023-02-19 08:55:40,986 - mmseg - INFO - Iter [47650/160000] lr: 4.213e-05, eta: 11:29:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2447, decode.acc_seg: 90.5908, aux.loss_ce: 0.1310, aux.acc_seg: 87.2545, loss: 0.3756, grad_norm: 3.5082 2023-02-19 08:55:59,130 - mmseg - INFO - Iter [47700/160000] lr: 4.211e-05, eta: 11:28:46, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2446, decode.acc_seg: 90.3982, aux.loss_ce: 0.1310, aux.acc_seg: 87.1162, loss: 0.3756, grad_norm: 4.1909 2023-02-19 08:56:17,400 - mmseg - INFO - Iter [47750/160000] lr: 4.209e-05, eta: 11:28:27, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2376, decode.acc_seg: 90.7419, aux.loss_ce: 0.1305, aux.acc_seg: 87.2106, loss: 0.3681, grad_norm: 4.4714 2023-02-19 08:56:35,680 - mmseg - INFO - Iter [47800/160000] lr: 4.208e-05, eta: 11:28:08, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2354, decode.acc_seg: 90.7103, aux.loss_ce: 0.1284, aux.acc_seg: 87.3312, loss: 0.3637, grad_norm: 3.7058 2023-02-19 08:56:53,682 - mmseg - INFO - Iter [47850/160000] lr: 4.206e-05, eta: 11:27:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2395, decode.acc_seg: 90.6704, aux.loss_ce: 0.1307, aux.acc_seg: 87.6560, loss: 0.3702, grad_norm: 5.4358 2023-02-19 08:57:11,719 - mmseg - INFO - Iter [47900/160000] lr: 4.204e-05, eta: 11:27:30, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2409, decode.acc_seg: 90.2737, aux.loss_ce: 0.1313, aux.acc_seg: 86.7764, loss: 0.3721, grad_norm: 4.1450 2023-02-19 08:57:29,713 - mmseg - INFO - Iter [47950/160000] lr: 4.202e-05, eta: 11:27:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2551, decode.acc_seg: 90.0113, aux.loss_ce: 0.1326, aux.acc_seg: 86.8553, loss: 0.3877, grad_norm: 4.0116 2023-02-19 08:57:50,174 - mmseg - INFO - Saving checkpoint at 48000 iterations 2023-02-19 08:57:51,945 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:57:51,945 - mmseg - INFO - Iter [48000/160000] lr: 4.200e-05, eta: 11:27:01, time: 0.445, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2396, decode.acc_seg: 90.7260, aux.loss_ce: 0.1274, aux.acc_seg: 87.7379, loss: 0.3670, grad_norm: 3.8969 2023-02-19 08:58:19,278 - mmseg - INFO - per class results: 2023-02-19 08:58:19,283 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 74.76 | 82.68 | | building | 80.38 | 93.02 | | sky | 93.76 | 96.33 | | floor | 79.75 | 91.32 | | tree | 72.65 | 88.21 | | ceiling | 78.49 | 96.7 | | road | 80.95 | 92.12 | | bed | 88.52 | 93.64 | | windowpane | 58.16 | 83.67 | | grass | 66.58 | 78.97 | | cabinet | 58.96 | 77.98 | | sidewalk | 63.25 | 77.8 | | person | 78.59 | 87.81 | | earth | 39.72 | 59.53 | | door | 47.72 | 61.68 | | table | 58.39 | 73.93 | | mountain | 54.03 | 67.05 | | plant | 49.73 | 57.74 | | curtain | 70.96 | 85.44 | | chair | 53.17 | 68.48 | | car | 82.81 | 89.03 | | water | 58.9 | 78.48 | | painting | 72.24 | 82.7 | | sofa | 61.29 | 80.25 | | shelf | 40.1 | 60.19 | | house | 35.55 | 42.58 | | sea | 58.95 | 70.16 | | mirror | 60.19 | 67.28 | | rug | 55.18 | 62.33 | | field | 31.36 | 45.45 | | armchair | 35.13 | 54.96 | | seat | 52.53 | 79.66 | | fence | 44.47 | 59.58 | | desk | 43.12 | 58.66 | | rock | 31.52 | 44.11 | | wardrobe | 42.36 | 62.04 | | lamp | 56.62 | 72.69 | | bathtub | 69.89 | 91.94 | | railing | 35.22 | 57.37 | | cushion | 50.66 | 57.16 | | base | 27.59 | 48.68 | | box | 14.87 | 15.91 | | column | 40.51 | 46.72 | | signboard | 32.49 | 40.96 | | chest of drawers | 34.51 | 52.35 | | counter | 31.77 | 46.32 | | sand | 38.57 | 51.69 | | sink | 67.69 | 72.6 | | skyscraper | 37.96 | 45.98 | | fireplace | 76.92 | 91.97 | | refrigerator | 72.56 | 82.56 | | grandstand | 39.45 | 57.45 | | path | 20.03 | 26.64 | | stairs | 25.49 | 36.99 | | runway | 66.65 | 79.84 | | case | 42.82 | 58.88 | | pool table | 91.69 | 96.71 | | pillow | 57.03 | 78.98 | | screen door | 71.34 | 83.28 | | stairway | 30.09 | 44.09 | | river | 13.41 | 21.26 | | bridge | 67.98 | 77.16 | | bookcase | 38.62 | 57.62 | | blind | 33.36 | 35.94 | | coffee table | 52.09 | 86.71 | | toilet | 82.46 | 88.94 | | flower | 35.56 | 56.31 | | book | 42.88 | 56.79 | | hill | 5.25 | 6.22 | | bench | 44.43 | 47.97 | | countertop | 44.09 | 76.72 | | stove | 72.34 | 75.51 | | palm | 48.77 | 65.77 | | kitchen island | 39.79 | 73.78 | | computer | 63.42 | 74.67 | | swivel chair | 46.64 | 67.88 | | boat | 41.54 | 51.83 | | bar | 33.35 | 38.54 | | arcade machine | 59.7 | 64.5 | | hovel | 36.76 | 40.64 | | bus | 77.46 | 97.45 | | towel | 65.44 | 84.89 | | light | 25.8 | 26.52 | | truck | 37.54 | 50.51 | | tower | 35.79 | 57.33 | | chandelier | 59.83 | 87.27 | | awning | 19.69 | 20.72 | | streetlight | 19.63 | 24.25 | | booth | 55.25 | 64.87 | | television receiver | 57.62 | 77.74 | | airplane | 53.7 | 66.21 | | dirt track | 8.77 | 19.34 | | apparel | 17.52 | 21.31 | | pole | 5.56 | 6.15 | | land | 1.03 | 1.22 | | bannister | 9.98 | 15.56 | | escalator | 28.16 | 30.26 | | ottoman | 38.66 | 52.97 | | bottle | 33.43 | 50.16 | | buffet | 27.82 | 31.11 | | poster | 17.09 | 18.22 | | stage | 12.96 | 20.81 | | van | 40.69 | 50.71 | | ship | 38.1 | 55.12 | | fountain | 19.92 | 19.97 | | conveyer belt | 77.19 | 78.27 | | canopy | 16.73 | 21.86 | | washer | 69.23 | 71.99 | | plaything | 20.42 | 28.59 | | swimming pool | 49.53 | 61.97 | | stool | 40.29 | 52.73 | | barrel | 55.63 | 62.29 | | basket | 29.84 | 38.07 | | waterfall | 63.33 | 81.56 | | tent | 96.11 | 97.73 | | bag | 8.73 | 9.26 | | minibike | 59.21 | 84.46 | | cradle | 76.13 | 96.38 | | oven | 53.35 | 68.99 | | ball | 50.03 | 59.2 | | food | 31.95 | 32.86 | | step | 14.84 | 25.63 | | tank | 34.81 | 34.87 | | trade name | 12.89 | 13.14 | | microwave | 77.41 | 81.85 | | pot | 43.98 | 54.91 | | animal | 55.11 | 63.74 | | bicycle | 54.75 | 68.33 | | lake | 36.06 | 51.65 | | dishwasher | 57.43 | 78.13 | | screen | 58.03 | 91.44 | | blanket | 8.45 | 11.17 | | sculpture | 54.86 | 59.68 | | hood | 51.27 | 53.46 | | sconce | 33.55 | 47.87 | | vase | 28.48 | 40.26 | | traffic light | 27.88 | 63.53 | | tray | 4.42 | 4.88 | | ashcan | 46.03 | 56.38 | | fan | 41.02 | 46.15 | | pier | 53.6 | 61.34 | | crt screen | 3.25 | 11.3 | | plate | 49.72 | 76.27 | | monitor | 4.33 | 4.68 | | bulletin board | 47.37 | 50.83 | | shower | 0.0 | 0.0 | | radiator | 48.2 | 74.03 | | glass | 6.78 | 6.94 | | clock | 33.03 | 45.89 | | flag | 50.55 | 53.59 | +---------------------+-------+-------+ 2023-02-19 08:58:19,284 - mmseg - INFO - Summary: 2023-02-19 08:58:19,284 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 81.37 | 45.55 | 57.22 | +-------+-------+-------+ 2023-02-19 08:58:21,003 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_48000.pth. 2023-02-19 08:58:21,003 - mmseg - INFO - Best mIoU is 0.4555 at 48000 iter. 2023-02-19 08:58:21,003 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 08:58:21,004 - mmseg - INFO - Iter(val) [500] aAcc: 0.8137, mIoU: 0.4555, mAcc: 0.5722, IoU.wall: 0.7476, IoU.building: 0.8038, IoU.sky: 0.9376, IoU.floor: 0.7975, IoU.tree: 0.7265, IoU.ceiling: 0.7849, IoU.road: 0.8095, IoU.bed : 0.8852, IoU.windowpane: 0.5816, IoU.grass: 0.6658, IoU.cabinet: 0.5896, IoU.sidewalk: 0.6325, IoU.person: 0.7859, IoU.earth: 0.3972, IoU.door: 0.4772, IoU.table: 0.5839, IoU.mountain: 0.5403, IoU.plant: 0.4973, IoU.curtain: 0.7096, IoU.chair: 0.5317, IoU.car: 0.8281, IoU.water: 0.5890, IoU.painting: 0.7224, IoU.sofa: 0.6129, IoU.shelf: 0.4010, IoU.house: 0.3555, IoU.sea: 0.5895, IoU.mirror: 0.6019, IoU.rug: 0.5518, IoU.field: 0.3136, IoU.armchair: 0.3513, IoU.seat: 0.5253, IoU.fence: 0.4447, IoU.desk: 0.4312, IoU.rock: 0.3152, IoU.wardrobe: 0.4236, IoU.lamp: 0.5662, IoU.bathtub: 0.6989, IoU.railing: 0.3522, IoU.cushion: 0.5066, IoU.base: 0.2759, IoU.box: 0.1487, IoU.column: 0.4051, IoU.signboard: 0.3249, IoU.chest of drawers: 0.3451, IoU.counter: 0.3177, IoU.sand: 0.3857, IoU.sink: 0.6769, IoU.skyscraper: 0.3796, IoU.fireplace: 0.7692, IoU.refrigerator: 0.7256, IoU.grandstand: 0.3945, IoU.path: 0.2003, IoU.stairs: 0.2549, IoU.runway: 0.6665, IoU.case: 0.4282, IoU.pool table: 0.9169, IoU.pillow: 0.5703, IoU.screen door: 0.7134, IoU.stairway: 0.3009, IoU.river: 0.1341, IoU.bridge: 0.6798, IoU.bookcase: 0.3862, IoU.blind: 0.3336, IoU.coffee table: 0.5209, IoU.toilet: 0.8246, IoU.flower: 0.3556, IoU.book: 0.4288, IoU.hill: 0.0525, IoU.bench: 0.4443, IoU.countertop: 0.4409, IoU.stove: 0.7234, IoU.palm: 0.4877, IoU.kitchen island: 0.3979, IoU.computer: 0.6342, IoU.swivel chair: 0.4664, IoU.boat: 0.4154, IoU.bar: 0.3335, IoU.arcade machine: 0.5970, IoU.hovel: 0.3676, IoU.bus: 0.7746, IoU.towel: 0.6544, IoU.light: 0.2580, IoU.truck: 0.3754, IoU.tower: 0.3579, IoU.chandelier: 0.5983, IoU.awning: 0.1969, IoU.streetlight: 0.1963, IoU.booth: 0.5525, IoU.television receiver: 0.5762, IoU.airplane: 0.5370, IoU.dirt track: 0.0877, IoU.apparel: 0.1752, IoU.pole: 0.0556, IoU.land: 0.0103, IoU.bannister: 0.0998, IoU.escalator: 0.2816, IoU.ottoman: 0.3866, IoU.bottle: 0.3343, IoU.buffet: 0.2782, IoU.poster: 0.1709, IoU.stage: 0.1296, IoU.van: 0.4069, IoU.ship: 0.3810, IoU.fountain: 0.1992, IoU.conveyer belt: 0.7719, IoU.canopy: 0.1673, IoU.washer: 0.6923, IoU.plaything: 0.2042, IoU.swimming pool: 0.4953, IoU.stool: 0.4029, IoU.barrel: 0.5563, IoU.basket: 0.2984, IoU.waterfall: 0.6333, IoU.tent: 0.9611, IoU.bag: 0.0873, IoU.minibike: 0.5921, IoU.cradle: 0.7613, IoU.oven: 0.5335, IoU.ball: 0.5003, IoU.food: 0.3195, IoU.step: 0.1484, IoU.tank: 0.3481, IoU.trade name: 0.1289, IoU.microwave: 0.7741, IoU.pot: 0.4398, IoU.animal: 0.5511, IoU.bicycle: 0.5475, IoU.lake: 0.3606, IoU.dishwasher: 0.5743, IoU.screen: 0.5803, IoU.blanket: 0.0845, IoU.sculpture: 0.5486, IoU.hood: 0.5127, IoU.sconce: 0.3355, IoU.vase: 0.2848, IoU.traffic light: 0.2788, IoU.tray: 0.0442, IoU.ashcan: 0.4603, IoU.fan: 0.4102, IoU.pier: 0.5360, IoU.crt screen: 0.0325, IoU.plate: 0.4972, IoU.monitor: 0.0433, IoU.bulletin board: 0.4737, IoU.shower: 0.0000, IoU.radiator: 0.4820, IoU.glass: 0.0678, IoU.clock: 0.3303, IoU.flag: 0.5055, Acc.wall: 0.8268, Acc.building: 0.9302, Acc.sky: 0.9633, Acc.floor: 0.9132, Acc.tree: 0.8821, Acc.ceiling: 0.9670, Acc.road: 0.9212, Acc.bed : 0.9364, Acc.windowpane: 0.8367, Acc.grass: 0.7897, Acc.cabinet: 0.7798, Acc.sidewalk: 0.7780, Acc.person: 0.8781, Acc.earth: 0.5953, Acc.door: 0.6168, Acc.table: 0.7393, Acc.mountain: 0.6705, Acc.plant: 0.5774, Acc.curtain: 0.8544, Acc.chair: 0.6848, Acc.car: 0.8903, Acc.water: 0.7848, Acc.painting: 0.8270, Acc.sofa: 0.8025, Acc.shelf: 0.6019, Acc.house: 0.4258, Acc.sea: 0.7016, Acc.mirror: 0.6728, Acc.rug: 0.6233, Acc.field: 0.4545, Acc.armchair: 0.5496, Acc.seat: 0.7966, Acc.fence: 0.5958, Acc.desk: 0.5866, Acc.rock: 0.4411, Acc.wardrobe: 0.6204, Acc.lamp: 0.7269, Acc.bathtub: 0.9194, Acc.railing: 0.5737, Acc.cushion: 0.5716, Acc.base: 0.4868, Acc.box: 0.1591, Acc.column: 0.4672, Acc.signboard: 0.4096, Acc.chest of drawers: 0.5235, Acc.counter: 0.4632, Acc.sand: 0.5169, Acc.sink: 0.7260, Acc.skyscraper: 0.4598, Acc.fireplace: 0.9197, Acc.refrigerator: 0.8256, Acc.grandstand: 0.5745, Acc.path: 0.2664, Acc.stairs: 0.3699, Acc.runway: 0.7984, Acc.case: 0.5888, Acc.pool table: 0.9671, Acc.pillow: 0.7898, Acc.screen door: 0.8328, Acc.stairway: 0.4409, Acc.river: 0.2126, Acc.bridge: 0.7716, Acc.bookcase: 0.5762, Acc.blind: 0.3594, Acc.coffee table: 0.8671, Acc.toilet: 0.8894, Acc.flower: 0.5631, Acc.book: 0.5679, Acc.hill: 0.0622, Acc.bench: 0.4797, Acc.countertop: 0.7672, Acc.stove: 0.7551, Acc.palm: 0.6577, Acc.kitchen island: 0.7378, Acc.computer: 0.7467, Acc.swivel chair: 0.6788, Acc.boat: 0.5183, Acc.bar: 0.3854, Acc.arcade machine: 0.6450, Acc.hovel: 0.4064, Acc.bus: 0.9745, Acc.towel: 0.8489, Acc.light: 0.2652, Acc.truck: 0.5051, Acc.tower: 0.5733, Acc.chandelier: 0.8727, Acc.awning: 0.2072, Acc.streetlight: 0.2425, Acc.booth: 0.6487, Acc.television receiver: 0.7774, Acc.airplane: 0.6621, Acc.dirt track: 0.1934, Acc.apparel: 0.2131, Acc.pole: 0.0615, Acc.land: 0.0122, Acc.bannister: 0.1556, Acc.escalator: 0.3026, Acc.ottoman: 0.5297, Acc.bottle: 0.5016, Acc.buffet: 0.3111, Acc.poster: 0.1822, Acc.stage: 0.2081, Acc.van: 0.5071, Acc.ship: 0.5512, Acc.fountain: 0.1997, Acc.conveyer belt: 0.7827, Acc.canopy: 0.2186, Acc.washer: 0.7199, Acc.plaything: 0.2859, Acc.swimming pool: 0.6197, Acc.stool: 0.5273, Acc.barrel: 0.6229, Acc.basket: 0.3807, Acc.waterfall: 0.8156, Acc.tent: 0.9773, Acc.bag: 0.0926, Acc.minibike: 0.8446, Acc.cradle: 0.9638, Acc.oven: 0.6899, Acc.ball: 0.5920, Acc.food: 0.3286, Acc.step: 0.2563, Acc.tank: 0.3487, Acc.trade name: 0.1314, Acc.microwave: 0.8185, Acc.pot: 0.5491, Acc.animal: 0.6374, Acc.bicycle: 0.6833, Acc.lake: 0.5165, Acc.dishwasher: 0.7813, Acc.screen: 0.9144, Acc.blanket: 0.1117, Acc.sculpture: 0.5968, Acc.hood: 0.5346, Acc.sconce: 0.4787, Acc.vase: 0.4026, Acc.traffic light: 0.6353, Acc.tray: 0.0488, Acc.ashcan: 0.5638, Acc.fan: 0.4615, Acc.pier: 0.6134, Acc.crt screen: 0.1130, Acc.plate: 0.7627, Acc.monitor: 0.0468, Acc.bulletin board: 0.5083, Acc.shower: 0.0000, Acc.radiator: 0.7403, Acc.glass: 0.0694, Acc.clock: 0.4589, Acc.flag: 0.5359 2023-02-19 08:58:39,230 - mmseg - INFO - Iter [48050/160000] lr: 4.198e-05, eta: 11:27:50, time: 0.946, data_time: 0.587, memory: 20662, decode.loss_ce: 0.2457, decode.acc_seg: 90.2969, aux.loss_ce: 0.1329, aux.acc_seg: 86.9324, loss: 0.3786, grad_norm: 3.7411 2023-02-19 08:58:57,350 - mmseg - INFO - Iter [48100/160000] lr: 4.196e-05, eta: 11:27:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2304, decode.acc_seg: 90.9938, aux.loss_ce: 0.1217, aux.acc_seg: 88.0743, loss: 0.3521, grad_norm: 3.2722 2023-02-19 08:59:15,319 - mmseg - INFO - Iter [48150/160000] lr: 4.194e-05, eta: 11:27:11, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2183, decode.acc_seg: 91.2805, aux.loss_ce: 0.1202, aux.acc_seg: 87.9650, loss: 0.3385, grad_norm: 3.4029 2023-02-19 08:59:33,249 - mmseg - INFO - Iter [48200/160000] lr: 4.193e-05, eta: 11:26:52, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2324, decode.acc_seg: 90.6871, aux.loss_ce: 0.1228, aux.acc_seg: 87.6387, loss: 0.3552, grad_norm: 3.7137 2023-02-19 08:59:51,163 - mmseg - INFO - Iter [48250/160000] lr: 4.191e-05, eta: 11:26:32, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2278, decode.acc_seg: 91.0166, aux.loss_ce: 0.1288, aux.acc_seg: 87.7229, loss: 0.3566, grad_norm: 4.3564 2023-02-19 09:00:09,100 - mmseg - INFO - Iter [48300/160000] lr: 4.189e-05, eta: 11:26:12, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2372, decode.acc_seg: 90.8150, aux.loss_ce: 0.1281, aux.acc_seg: 87.5198, loss: 0.3652, grad_norm: 3.7577 2023-02-19 09:00:27,085 - mmseg - INFO - Iter [48350/160000] lr: 4.187e-05, eta: 11:25:53, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2396, decode.acc_seg: 90.5022, aux.loss_ce: 0.1332, aux.acc_seg: 86.9655, loss: 0.3729, grad_norm: 3.9667 2023-02-19 09:00:45,551 - mmseg - INFO - Iter [48400/160000] lr: 4.185e-05, eta: 11:25:35, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2254, decode.acc_seg: 90.9382, aux.loss_ce: 0.1189, aux.acc_seg: 88.1415, loss: 0.3443, grad_norm: 3.4071 2023-02-19 09:01:03,531 - mmseg - INFO - Iter [48450/160000] lr: 4.183e-05, eta: 11:25:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2587, decode.acc_seg: 89.9840, aux.loss_ce: 0.1324, aux.acc_seg: 87.0088, loss: 0.3911, grad_norm: 4.2944 2023-02-19 09:01:21,535 - mmseg - INFO - Iter [48500/160000] lr: 4.181e-05, eta: 11:24:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2275, decode.acc_seg: 90.9307, aux.loss_ce: 0.1206, aux.acc_seg: 88.1203, loss: 0.3481, grad_norm: 3.2440 2023-02-19 09:01:39,775 - mmseg - INFO - Iter [48550/160000] lr: 4.179e-05, eta: 11:24:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2369, decode.acc_seg: 90.7970, aux.loss_ce: 0.1287, aux.acc_seg: 87.2964, loss: 0.3656, grad_norm: 3.7285 2023-02-19 09:01:57,750 - mmseg - INFO - Iter [48600/160000] lr: 4.178e-05, eta: 11:24:17, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2249, decode.acc_seg: 91.0679, aux.loss_ce: 0.1197, aux.acc_seg: 88.2804, loss: 0.3446, grad_norm: 3.7387 2023-02-19 09:02:16,076 - mmseg - INFO - Iter [48650/160000] lr: 4.176e-05, eta: 11:23:59, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2424, decode.acc_seg: 90.3032, aux.loss_ce: 0.1316, aux.acc_seg: 86.8873, loss: 0.3740, grad_norm: 4.2542 2023-02-19 09:02:34,133 - mmseg - INFO - Iter [48700/160000] lr: 4.174e-05, eta: 11:23:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2241, decode.acc_seg: 91.0159, aux.loss_ce: 0.1188, aux.acc_seg: 88.1153, loss: 0.3429, grad_norm: 3.6169 2023-02-19 09:02:52,152 - mmseg - INFO - Iter [48750/160000] lr: 4.172e-05, eta: 11:23:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2507, decode.acc_seg: 90.0957, aux.loss_ce: 0.1334, aux.acc_seg: 87.0305, loss: 0.3842, grad_norm: 4.5967 2023-02-19 09:03:10,189 - mmseg - INFO - Iter [48800/160000] lr: 4.170e-05, eta: 11:23:01, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2297, decode.acc_seg: 90.9087, aux.loss_ce: 0.1287, aux.acc_seg: 87.3790, loss: 0.3585, grad_norm: 3.7878 2023-02-19 09:03:28,141 - mmseg - INFO - Iter [48850/160000] lr: 4.168e-05, eta: 11:22:41, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2330, decode.acc_seg: 90.9967, aux.loss_ce: 0.1258, aux.acc_seg: 87.6477, loss: 0.3588, grad_norm: 3.3640 2023-02-19 09:03:46,265 - mmseg - INFO - Iter [48900/160000] lr: 4.166e-05, eta: 11:22:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2453, decode.acc_seg: 90.1973, aux.loss_ce: 0.1313, aux.acc_seg: 86.8871, loss: 0.3766, grad_norm: 3.9974 2023-02-19 09:04:04,692 - mmseg - INFO - Iter [48950/160000] lr: 4.164e-05, eta: 11:22:04, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2336, decode.acc_seg: 90.7234, aux.loss_ce: 0.1293, aux.acc_seg: 87.3020, loss: 0.3629, grad_norm: 4.5834 2023-02-19 09:04:22,843 - mmseg - INFO - Saving checkpoint at 49000 iterations 2023-02-19 09:04:24,569 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:04:24,570 - mmseg - INFO - Iter [49000/160000] lr: 4.163e-05, eta: 11:21:49, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2358, decode.acc_seg: 90.6481, aux.loss_ce: 0.1290, aux.acc_seg: 87.2883, loss: 0.3648, grad_norm: 4.0504 2023-02-19 09:04:42,562 - mmseg - INFO - Iter [49050/160000] lr: 4.161e-05, eta: 11:21:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2311, decode.acc_seg: 90.9661, aux.loss_ce: 0.1262, aux.acc_seg: 87.6290, loss: 0.3573, grad_norm: 3.4531 2023-02-19 09:05:00,587 - mmseg - INFO - Iter [49100/160000] lr: 4.159e-05, eta: 11:21:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2361, decode.acc_seg: 90.5987, aux.loss_ce: 0.1242, aux.acc_seg: 87.4903, loss: 0.3604, grad_norm: 4.4591 2023-02-19 09:05:18,542 - mmseg - INFO - Iter [49150/160000] lr: 4.157e-05, eta: 11:20:50, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2422, decode.acc_seg: 90.6101, aux.loss_ce: 0.1331, aux.acc_seg: 87.2230, loss: 0.3753, grad_norm: 3.9086 2023-02-19 09:05:36,631 - mmseg - INFO - Iter [49200/160000] lr: 4.155e-05, eta: 11:20:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2321, decode.acc_seg: 90.9109, aux.loss_ce: 0.1229, aux.acc_seg: 87.8603, loss: 0.3550, grad_norm: 4.8281 2023-02-19 09:05:54,636 - mmseg - INFO - Iter [49250/160000] lr: 4.153e-05, eta: 11:20:12, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2445, decode.acc_seg: 90.4871, aux.loss_ce: 0.1271, aux.acc_seg: 87.0379, loss: 0.3716, grad_norm: 4.8269 2023-02-19 09:06:15,076 - mmseg - INFO - Iter [49300/160000] lr: 4.151e-05, eta: 11:19:58, time: 0.409, data_time: 0.052, memory: 20662, decode.loss_ce: 0.2314, decode.acc_seg: 90.8443, aux.loss_ce: 0.1269, aux.acc_seg: 87.5557, loss: 0.3583, grad_norm: 3.7553 2023-02-19 09:06:33,194 - mmseg - INFO - Iter [49350/160000] lr: 4.149e-05, eta: 11:19:39, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2312, decode.acc_seg: 91.1362, aux.loss_ce: 0.1240, aux.acc_seg: 88.2480, loss: 0.3553, grad_norm: 4.0047 2023-02-19 09:06:51,211 - mmseg - INFO - Iter [49400/160000] lr: 4.148e-05, eta: 11:19:19, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2289, decode.acc_seg: 90.9571, aux.loss_ce: 0.1246, aux.acc_seg: 87.8535, loss: 0.3534, grad_norm: 4.0614 2023-02-19 09:07:09,256 - mmseg - INFO - Iter [49450/160000] lr: 4.146e-05, eta: 11:19:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2326, decode.acc_seg: 91.0809, aux.loss_ce: 0.1267, aux.acc_seg: 87.8060, loss: 0.3593, grad_norm: 3.9722 2023-02-19 09:07:27,339 - mmseg - INFO - Iter [49500/160000] lr: 4.144e-05, eta: 11:18:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2286, decode.acc_seg: 90.9169, aux.loss_ce: 0.1230, aux.acc_seg: 87.6692, loss: 0.3516, grad_norm: 5.4756 2023-02-19 09:07:45,460 - mmseg - INFO - Iter [49550/160000] lr: 4.142e-05, eta: 11:18:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2374, decode.acc_seg: 90.6557, aux.loss_ce: 0.1315, aux.acc_seg: 86.9913, loss: 0.3689, grad_norm: 4.0670 2023-02-19 09:08:03,394 - mmseg - INFO - Iter [49600/160000] lr: 4.140e-05, eta: 11:18:02, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2289, decode.acc_seg: 91.0798, aux.loss_ce: 0.1242, aux.acc_seg: 87.9496, loss: 0.3531, grad_norm: 4.0144 2023-02-19 09:08:21,368 - mmseg - INFO - Iter [49650/160000] lr: 4.138e-05, eta: 11:17:43, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2389, decode.acc_seg: 90.8459, aux.loss_ce: 0.1277, aux.acc_seg: 87.7889, loss: 0.3666, grad_norm: 3.5914 2023-02-19 09:08:39,358 - mmseg - INFO - Iter [49700/160000] lr: 4.136e-05, eta: 11:17:24, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2391, decode.acc_seg: 90.8664, aux.loss_ce: 0.1269, aux.acc_seg: 87.9544, loss: 0.3660, grad_norm: 3.8682 2023-02-19 09:08:57,399 - mmseg - INFO - Iter [49750/160000] lr: 4.134e-05, eta: 11:17:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2442, decode.acc_seg: 90.3708, aux.loss_ce: 0.1271, aux.acc_seg: 87.4592, loss: 0.3713, grad_norm: 4.3064 2023-02-19 09:09:15,566 - mmseg - INFO - Iter [49800/160000] lr: 4.133e-05, eta: 11:16:45, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2256, decode.acc_seg: 91.1302, aux.loss_ce: 0.1187, aux.acc_seg: 88.2295, loss: 0.3443, grad_norm: 3.2198 2023-02-19 09:09:33,509 - mmseg - INFO - Iter [49850/160000] lr: 4.131e-05, eta: 11:16:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2392, decode.acc_seg: 90.5946, aux.loss_ce: 0.1257, aux.acc_seg: 87.6739, loss: 0.3650, grad_norm: 4.0546 2023-02-19 09:09:51,500 - mmseg - INFO - Iter [49900/160000] lr: 4.129e-05, eta: 11:16:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2481, decode.acc_seg: 90.3494, aux.loss_ce: 0.1302, aux.acc_seg: 87.4534, loss: 0.3783, grad_norm: 4.4522 2023-02-19 09:10:09,473 - mmseg - INFO - Iter [49950/160000] lr: 4.127e-05, eta: 11:15:47, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2395, decode.acc_seg: 90.6548, aux.loss_ce: 0.1277, aux.acc_seg: 87.4987, loss: 0.3672, grad_norm: 3.8820 2023-02-19 09:10:27,448 - mmseg - INFO - Saving checkpoint at 50000 iterations 2023-02-19 09:10:29,144 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:10:29,144 - mmseg - INFO - Iter [50000/160000] lr: 4.125e-05, eta: 11:15:31, time: 0.393, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2493, decode.acc_seg: 90.0595, aux.loss_ce: 0.1314, aux.acc_seg: 86.9546, loss: 0.3808, grad_norm: 4.4840 2023-02-19 09:10:47,037 - mmseg - INFO - Iter [50050/160000] lr: 4.123e-05, eta: 11:15:12, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2400, decode.acc_seg: 90.6118, aux.loss_ce: 0.1275, aux.acc_seg: 87.6644, loss: 0.3675, grad_norm: 4.1006 2023-02-19 09:11:05,147 - mmseg - INFO - Iter [50100/160000] lr: 4.121e-05, eta: 11:14:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2436, decode.acc_seg: 90.6709, aux.loss_ce: 0.1288, aux.acc_seg: 87.7192, loss: 0.3724, grad_norm: 5.2746 2023-02-19 09:11:23,171 - mmseg - INFO - Iter [50150/160000] lr: 4.119e-05, eta: 11:14:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2343, decode.acc_seg: 90.5083, aux.loss_ce: 0.1279, aux.acc_seg: 87.1592, loss: 0.3622, grad_norm: 4.0056 2023-02-19 09:11:41,178 - mmseg - INFO - Iter [50200/160000] lr: 4.118e-05, eta: 11:14:14, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2220, decode.acc_seg: 91.2985, aux.loss_ce: 0.1192, aux.acc_seg: 88.3253, loss: 0.3412, grad_norm: 3.7043 2023-02-19 09:11:59,414 - mmseg - INFO - Iter [50250/160000] lr: 4.116e-05, eta: 11:13:55, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2445, decode.acc_seg: 90.5785, aux.loss_ce: 0.1288, aux.acc_seg: 87.3842, loss: 0.3733, grad_norm: 5.1835 2023-02-19 09:12:17,521 - mmseg - INFO - Iter [50300/160000] lr: 4.114e-05, eta: 11:13:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2460, decode.acc_seg: 90.4228, aux.loss_ce: 0.1322, aux.acc_seg: 86.9710, loss: 0.3782, grad_norm: 4.3554 2023-02-19 09:12:35,830 - mmseg - INFO - Iter [50350/160000] lr: 4.112e-05, eta: 11:13:17, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2356, decode.acc_seg: 91.0262, aux.loss_ce: 0.1244, aux.acc_seg: 87.9577, loss: 0.3600, grad_norm: 3.1863 2023-02-19 09:12:53,854 - mmseg - INFO - Iter [50400/160000] lr: 4.110e-05, eta: 11:12:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2255, decode.acc_seg: 91.0162, aux.loss_ce: 0.1249, aux.acc_seg: 87.5796, loss: 0.3504, grad_norm: 4.6127 2023-02-19 09:13:12,309 - mmseg - INFO - Iter [50450/160000] lr: 4.108e-05, eta: 11:12:40, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2351, decode.acc_seg: 90.8926, aux.loss_ce: 0.1290, aux.acc_seg: 87.4940, loss: 0.3641, grad_norm: 4.1377 2023-02-19 09:13:30,973 - mmseg - INFO - Iter [50500/160000] lr: 4.106e-05, eta: 11:12:22, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2300, decode.acc_seg: 90.8424, aux.loss_ce: 0.1242, aux.acc_seg: 87.7620, loss: 0.3542, grad_norm: 3.2466 2023-02-19 09:13:51,639 - mmseg - INFO - Iter [50550/160000] lr: 4.104e-05, eta: 11:12:08, time: 0.413, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2312, decode.acc_seg: 90.9833, aux.loss_ce: 0.1263, aux.acc_seg: 87.5863, loss: 0.3575, grad_norm: 3.6861 2023-02-19 09:14:09,664 - mmseg - INFO - Iter [50600/160000] lr: 4.103e-05, eta: 11:11:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2359, decode.acc_seg: 90.7416, aux.loss_ce: 0.1305, aux.acc_seg: 87.3290, loss: 0.3664, grad_norm: 4.8199 2023-02-19 09:14:27,612 - mmseg - INFO - Iter [50650/160000] lr: 4.101e-05, eta: 11:11:30, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2375, decode.acc_seg: 90.7888, aux.loss_ce: 0.1251, aux.acc_seg: 87.7016, loss: 0.3626, grad_norm: 3.9313 2023-02-19 09:14:45,618 - mmseg - INFO - Iter [50700/160000] lr: 4.099e-05, eta: 11:11:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2336, decode.acc_seg: 91.1120, aux.loss_ce: 0.1229, aux.acc_seg: 88.2342, loss: 0.3565, grad_norm: 4.1514 2023-02-19 09:15:03,748 - mmseg - INFO - Iter [50750/160000] lr: 4.097e-05, eta: 11:10:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2171, decode.acc_seg: 91.5298, aux.loss_ce: 0.1206, aux.acc_seg: 88.1282, loss: 0.3377, grad_norm: 4.0287 2023-02-19 09:15:21,774 - mmseg - INFO - Iter [50800/160000] lr: 4.095e-05, eta: 11:10:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2209, decode.acc_seg: 91.4849, aux.loss_ce: 0.1174, aux.acc_seg: 88.3356, loss: 0.3384, grad_norm: 3.4454 2023-02-19 09:15:39,804 - mmseg - INFO - Iter [50850/160000] lr: 4.093e-05, eta: 11:10:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2348, decode.acc_seg: 90.8071, aux.loss_ce: 0.1257, aux.acc_seg: 87.7043, loss: 0.3604, grad_norm: 4.1284 2023-02-19 09:15:57,860 - mmseg - INFO - Iter [50900/160000] lr: 4.091e-05, eta: 11:09:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2314, decode.acc_seg: 90.7854, aux.loss_ce: 0.1244, aux.acc_seg: 87.5083, loss: 0.3558, grad_norm: 4.4046 2023-02-19 09:16:15,870 - mmseg - INFO - Iter [50950/160000] lr: 4.089e-05, eta: 11:09:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2286, decode.acc_seg: 91.0252, aux.loss_ce: 0.1255, aux.acc_seg: 87.7222, loss: 0.3542, grad_norm: 3.6254 2023-02-19 09:16:33,880 - mmseg - INFO - Saving checkpoint at 51000 iterations 2023-02-19 09:16:35,613 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:16:35,613 - mmseg - INFO - Iter [51000/160000] lr: 4.088e-05, eta: 11:09:19, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2286, decode.acc_seg: 90.8567, aux.loss_ce: 0.1219, aux.acc_seg: 87.8428, loss: 0.3505, grad_norm: 4.6025 2023-02-19 09:16:53,615 - mmseg - INFO - Iter [51050/160000] lr: 4.086e-05, eta: 11:08:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2431, decode.acc_seg: 90.6118, aux.loss_ce: 0.1305, aux.acc_seg: 87.2952, loss: 0.3735, grad_norm: 3.5745 2023-02-19 09:17:11,894 - mmseg - INFO - Iter [51100/160000] lr: 4.084e-05, eta: 11:08:41, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2155, decode.acc_seg: 91.4726, aux.loss_ce: 0.1171, aux.acc_seg: 88.3951, loss: 0.3327, grad_norm: 3.5752 2023-02-19 09:17:30,490 - mmseg - INFO - Iter [51150/160000] lr: 4.082e-05, eta: 11:08:22, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2293, decode.acc_seg: 90.6807, aux.loss_ce: 0.1221, aux.acc_seg: 87.5859, loss: 0.3514, grad_norm: 3.9103 2023-02-19 09:17:48,521 - mmseg - INFO - Iter [51200/160000] lr: 4.080e-05, eta: 11:08:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2209, decode.acc_seg: 91.0982, aux.loss_ce: 0.1241, aux.acc_seg: 87.2332, loss: 0.3450, grad_norm: 3.6283 2023-02-19 09:18:06,593 - mmseg - INFO - Iter [51250/160000] lr: 4.078e-05, eta: 11:07:44, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2222, decode.acc_seg: 91.1218, aux.loss_ce: 0.1191, aux.acc_seg: 88.0103, loss: 0.3414, grad_norm: 3.7433 2023-02-19 09:18:24,636 - mmseg - INFO - Iter [51300/160000] lr: 4.076e-05, eta: 11:07:25, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2311, decode.acc_seg: 90.7243, aux.loss_ce: 0.1217, aux.acc_seg: 87.8383, loss: 0.3528, grad_norm: 3.5192 2023-02-19 09:18:42,783 - mmseg - INFO - Iter [51350/160000] lr: 4.074e-05, eta: 11:07:06, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2286, decode.acc_seg: 90.6448, aux.loss_ce: 0.1221, aux.acc_seg: 87.7905, loss: 0.3506, grad_norm: 3.6078 2023-02-19 09:19:01,321 - mmseg - INFO - Iter [51400/160000] lr: 4.073e-05, eta: 11:06:48, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2284, decode.acc_seg: 91.0033, aux.loss_ce: 0.1254, aux.acc_seg: 87.5534, loss: 0.3538, grad_norm: 3.9827 2023-02-19 09:19:19,330 - mmseg - INFO - Iter [51450/160000] lr: 4.071e-05, eta: 11:06:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2358, decode.acc_seg: 90.8716, aux.loss_ce: 0.1257, aux.acc_seg: 87.9411, loss: 0.3615, grad_norm: 3.3823 2023-02-19 09:19:37,379 - mmseg - INFO - Iter [51500/160000] lr: 4.069e-05, eta: 11:06:09, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2439, decode.acc_seg: 90.6630, aux.loss_ce: 0.1304, aux.acc_seg: 87.5052, loss: 0.3742, grad_norm: 4.3218 2023-02-19 09:19:55,553 - mmseg - INFO - Iter [51550/160000] lr: 4.067e-05, eta: 11:05:50, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2525, decode.acc_seg: 90.1882, aux.loss_ce: 0.1348, aux.acc_seg: 86.8062, loss: 0.3874, grad_norm: 4.2134 2023-02-19 09:20:14,572 - mmseg - INFO - Iter [51600/160000] lr: 4.065e-05, eta: 11:05:33, time: 0.380, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2338, decode.acc_seg: 90.8808, aux.loss_ce: 0.1278, aux.acc_seg: 87.5202, loss: 0.3615, grad_norm: 4.2840 2023-02-19 09:20:32,826 - mmseg - INFO - Iter [51650/160000] lr: 4.063e-05, eta: 11:05:14, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2348, decode.acc_seg: 90.8782, aux.loss_ce: 0.1286, aux.acc_seg: 87.4510, loss: 0.3634, grad_norm: 3.2674 2023-02-19 09:20:51,267 - mmseg - INFO - Iter [51700/160000] lr: 4.061e-05, eta: 11:04:56, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2164, decode.acc_seg: 91.1810, aux.loss_ce: 0.1219, aux.acc_seg: 87.8070, loss: 0.3384, grad_norm: 3.6727 2023-02-19 09:21:09,433 - mmseg - INFO - Iter [51750/160000] lr: 4.059e-05, eta: 11:04:37, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2314, decode.acc_seg: 91.0136, aux.loss_ce: 0.1281, aux.acc_seg: 87.6233, loss: 0.3594, grad_norm: 4.0432 2023-02-19 09:21:29,725 - mmseg - INFO - Iter [51800/160000] lr: 4.058e-05, eta: 11:04:22, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2326, decode.acc_seg: 90.8206, aux.loss_ce: 0.1261, aux.acc_seg: 87.7520, loss: 0.3586, grad_norm: 3.9485 2023-02-19 09:21:47,758 - mmseg - INFO - Iter [51850/160000] lr: 4.056e-05, eta: 11:04:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2254, decode.acc_seg: 91.0495, aux.loss_ce: 0.1224, aux.acc_seg: 88.1236, loss: 0.3478, grad_norm: 3.4448 2023-02-19 09:22:05,863 - mmseg - INFO - Iter [51900/160000] lr: 4.054e-05, eta: 11:03:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2387, decode.acc_seg: 90.5440, aux.loss_ce: 0.1305, aux.acc_seg: 87.2259, loss: 0.3691, grad_norm: 4.1172 2023-02-19 09:22:23,954 - mmseg - INFO - Iter [51950/160000] lr: 4.052e-05, eta: 11:03:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2324, decode.acc_seg: 91.0635, aux.loss_ce: 0.1298, aux.acc_seg: 87.4241, loss: 0.3622, grad_norm: 3.7202 2023-02-19 09:22:41,973 - mmseg - INFO - Saving checkpoint at 52000 iterations 2023-02-19 09:22:43,719 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:22:43,719 - mmseg - INFO - Iter [52000/160000] lr: 4.050e-05, eta: 11:03:09, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2350, decode.acc_seg: 90.7983, aux.loss_ce: 0.1287, aux.acc_seg: 87.3702, loss: 0.3637, grad_norm: 4.2364 2023-02-19 09:23:02,023 - mmseg - INFO - Iter [52050/160000] lr: 4.048e-05, eta: 11:02:51, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2347, decode.acc_seg: 90.8093, aux.loss_ce: 0.1242, aux.acc_seg: 87.7136, loss: 0.3588, grad_norm: 4.1232 2023-02-19 09:23:20,085 - mmseg - INFO - Iter [52100/160000] lr: 4.046e-05, eta: 11:02:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2256, decode.acc_seg: 91.0513, aux.loss_ce: 0.1251, aux.acc_seg: 87.7053, loss: 0.3507, grad_norm: 3.6768 2023-02-19 09:23:38,181 - mmseg - INFO - Iter [52150/160000] lr: 4.044e-05, eta: 11:02:13, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2188, decode.acc_seg: 91.2603, aux.loss_ce: 0.1216, aux.acc_seg: 88.1142, loss: 0.3404, grad_norm: 4.1570 2023-02-19 09:23:56,378 - mmseg - INFO - Iter [52200/160000] lr: 4.043e-05, eta: 11:01:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2366, decode.acc_seg: 90.7682, aux.loss_ce: 0.1276, aux.acc_seg: 87.5236, loss: 0.3642, grad_norm: 3.8998 2023-02-19 09:24:14,590 - mmseg - INFO - Iter [52250/160000] lr: 4.041e-05, eta: 11:01:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2275, decode.acc_seg: 90.8492, aux.loss_ce: 0.1242, aux.acc_seg: 87.5591, loss: 0.3517, grad_norm: 4.2190 2023-02-19 09:24:32,678 - mmseg - INFO - Iter [52300/160000] lr: 4.039e-05, eta: 11:01:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2176, decode.acc_seg: 91.4703, aux.loss_ce: 0.1187, aux.acc_seg: 88.3567, loss: 0.3363, grad_norm: 3.1163 2023-02-19 09:24:50,936 - mmseg - INFO - Iter [52350/160000] lr: 4.037e-05, eta: 11:00:57, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2209, decode.acc_seg: 91.2530, aux.loss_ce: 0.1189, aux.acc_seg: 88.1724, loss: 0.3398, grad_norm: 3.8826 2023-02-19 09:25:09,105 - mmseg - INFO - Iter [52400/160000] lr: 4.035e-05, eta: 11:00:38, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2447, decode.acc_seg: 90.4412, aux.loss_ce: 0.1284, aux.acc_seg: 87.3834, loss: 0.3732, grad_norm: 4.7326 2023-02-19 09:25:27,198 - mmseg - INFO - Iter [52450/160000] lr: 4.033e-05, eta: 11:00:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2197, decode.acc_seg: 91.2632, aux.loss_ce: 0.1185, aux.acc_seg: 88.1140, loss: 0.3382, grad_norm: 3.5861 2023-02-19 09:25:45,221 - mmseg - INFO - Iter [52500/160000] lr: 4.031e-05, eta: 11:00:00, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2157, decode.acc_seg: 91.4407, aux.loss_ce: 0.1211, aux.acc_seg: 88.0558, loss: 0.3368, grad_norm: 3.9356 2023-02-19 09:26:03,366 - mmseg - INFO - Iter [52550/160000] lr: 4.029e-05, eta: 10:59:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2240, decode.acc_seg: 91.1130, aux.loss_ce: 0.1238, aux.acc_seg: 87.9403, loss: 0.3478, grad_norm: 3.8504 2023-02-19 09:26:21,607 - mmseg - INFO - Iter [52600/160000] lr: 4.028e-05, eta: 10:59:22, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2122, decode.acc_seg: 91.5118, aux.loss_ce: 0.1207, aux.acc_seg: 87.9688, loss: 0.3328, grad_norm: 3.1847 2023-02-19 09:26:39,716 - mmseg - INFO - Iter [52650/160000] lr: 4.026e-05, eta: 10:59:03, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2215, decode.acc_seg: 91.3649, aux.loss_ce: 0.1199, aux.acc_seg: 88.2290, loss: 0.3414, grad_norm: 3.5808 2023-02-19 09:26:57,962 - mmseg - INFO - Iter [52700/160000] lr: 4.024e-05, eta: 10:58:44, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2382, decode.acc_seg: 90.8804, aux.loss_ce: 0.1299, aux.acc_seg: 87.1810, loss: 0.3681, grad_norm: 3.3129 2023-02-19 09:27:15,976 - mmseg - INFO - Iter [52750/160000] lr: 4.022e-05, eta: 10:58:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2352, decode.acc_seg: 90.6605, aux.loss_ce: 0.1282, aux.acc_seg: 87.4283, loss: 0.3634, grad_norm: 6.0042 2023-02-19 09:27:33,997 - mmseg - INFO - Iter [52800/160000] lr: 4.020e-05, eta: 10:58:06, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2226, decode.acc_seg: 91.1510, aux.loss_ce: 0.1222, aux.acc_seg: 87.9094, loss: 0.3448, grad_norm: 5.0966 2023-02-19 09:27:51,955 - mmseg - INFO - Iter [52850/160000] lr: 4.018e-05, eta: 10:57:46, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2130, decode.acc_seg: 91.3773, aux.loss_ce: 0.1144, aux.acc_seg: 88.4060, loss: 0.3274, grad_norm: 3.6065 2023-02-19 09:28:09,964 - mmseg - INFO - Iter [52900/160000] lr: 4.016e-05, eta: 10:57:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2233, decode.acc_seg: 91.1821, aux.loss_ce: 0.1210, aux.acc_seg: 88.0745, loss: 0.3444, grad_norm: 3.8226 2023-02-19 09:28:27,939 - mmseg - INFO - Iter [52950/160000] lr: 4.014e-05, eta: 10:57:08, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2103, decode.acc_seg: 91.9126, aux.loss_ce: 0.1211, aux.acc_seg: 88.3507, loss: 0.3314, grad_norm: 3.3408 2023-02-19 09:28:46,006 - mmseg - INFO - Saving checkpoint at 53000 iterations 2023-02-19 09:28:47,710 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:28:47,710 - mmseg - INFO - Iter [53000/160000] lr: 4.013e-05, eta: 10:56:52, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2262, decode.acc_seg: 91.1631, aux.loss_ce: 0.1218, aux.acc_seg: 88.0663, loss: 0.3480, grad_norm: 3.6050 2023-02-19 09:29:07,929 - mmseg - INFO - Iter [53050/160000] lr: 4.011e-05, eta: 10:56:37, time: 0.404, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2188, decode.acc_seg: 91.3943, aux.loss_ce: 0.1217, aux.acc_seg: 88.1170, loss: 0.3404, grad_norm: 3.1079 2023-02-19 09:29:25,961 - mmseg - INFO - Iter [53100/160000] lr: 4.009e-05, eta: 10:56:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2211, decode.acc_seg: 91.2325, aux.loss_ce: 0.1189, aux.acc_seg: 88.4577, loss: 0.3400, grad_norm: 3.8635 2023-02-19 09:29:43,998 - mmseg - INFO - Iter [53150/160000] lr: 4.007e-05, eta: 10:55:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2129, decode.acc_seg: 91.5166, aux.loss_ce: 0.1188, aux.acc_seg: 88.3330, loss: 0.3317, grad_norm: 3.7861 2023-02-19 09:30:02,072 - mmseg - INFO - Iter [53200/160000] lr: 4.005e-05, eta: 10:55:40, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2364, decode.acc_seg: 91.0339, aux.loss_ce: 0.1278, aux.acc_seg: 87.7952, loss: 0.3642, grad_norm: 4.0199 2023-02-19 09:30:20,304 - mmseg - INFO - Iter [53250/160000] lr: 4.003e-05, eta: 10:55:21, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2233, decode.acc_seg: 91.0698, aux.loss_ce: 0.1221, aux.acc_seg: 88.1378, loss: 0.3454, grad_norm: 3.7218 2023-02-19 09:30:38,340 - mmseg - INFO - Iter [53300/160000] lr: 4.001e-05, eta: 10:55:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2259, decode.acc_seg: 91.0201, aux.loss_ce: 0.1217, aux.acc_seg: 87.8527, loss: 0.3477, grad_norm: 4.0832 2023-02-19 09:30:56,292 - mmseg - INFO - Iter [53350/160000] lr: 3.999e-05, eta: 10:54:42, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2109, decode.acc_seg: 91.6524, aux.loss_ce: 0.1169, aux.acc_seg: 88.5371, loss: 0.3279, grad_norm: 3.2474 2023-02-19 09:31:14,345 - mmseg - INFO - Iter [53400/160000] lr: 3.998e-05, eta: 10:54:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2113, decode.acc_seg: 91.5358, aux.loss_ce: 0.1136, aux.acc_seg: 88.5944, loss: 0.3249, grad_norm: 3.5095 2023-02-19 09:31:32,362 - mmseg - INFO - Iter [53450/160000] lr: 3.996e-05, eta: 10:54:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2311, decode.acc_seg: 90.7178, aux.loss_ce: 0.1261, aux.acc_seg: 87.2646, loss: 0.3572, grad_norm: 4.0788 2023-02-19 09:31:50,334 - mmseg - INFO - Iter [53500/160000] lr: 3.994e-05, eta: 10:53:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2166, decode.acc_seg: 91.4588, aux.loss_ce: 0.1161, aux.acc_seg: 88.5837, loss: 0.3327, grad_norm: 2.9717 2023-02-19 09:32:08,342 - mmseg - INFO - Iter [53550/160000] lr: 3.992e-05, eta: 10:53:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2134, decode.acc_seg: 91.4244, aux.loss_ce: 0.1189, aux.acc_seg: 88.0214, loss: 0.3323, grad_norm: 3.9847 2023-02-19 09:32:26,368 - mmseg - INFO - Iter [53600/160000] lr: 3.990e-05, eta: 10:53:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2177, decode.acc_seg: 91.2250, aux.loss_ce: 0.1215, aux.acc_seg: 87.7550, loss: 0.3392, grad_norm: 5.1324 2023-02-19 09:32:44,343 - mmseg - INFO - Iter [53650/160000] lr: 3.988e-05, eta: 10:52:47, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2175, decode.acc_seg: 91.3032, aux.loss_ce: 0.1213, aux.acc_seg: 87.8504, loss: 0.3388, grad_norm: 3.4174 2023-02-19 09:33:02,443 - mmseg - INFO - Iter [53700/160000] lr: 3.986e-05, eta: 10:52:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2344, decode.acc_seg: 90.6663, aux.loss_ce: 0.1267, aux.acc_seg: 87.3859, loss: 0.3610, grad_norm: 4.8283 2023-02-19 09:33:20,873 - mmseg - INFO - Iter [53750/160000] lr: 3.984e-05, eta: 10:52:10, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2261, decode.acc_seg: 91.1254, aux.loss_ce: 0.1256, aux.acc_seg: 87.7772, loss: 0.3516, grad_norm: 3.9569 2023-02-19 09:33:38,842 - mmseg - INFO - Iter [53800/160000] lr: 3.983e-05, eta: 10:51:50, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2110, decode.acc_seg: 91.5407, aux.loss_ce: 0.1142, aux.acc_seg: 88.7316, loss: 0.3252, grad_norm: 3.4429 2023-02-19 09:33:56,772 - mmseg - INFO - Iter [53850/160000] lr: 3.981e-05, eta: 10:51:31, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2193, decode.acc_seg: 91.4527, aux.loss_ce: 0.1200, aux.acc_seg: 88.4139, loss: 0.3393, grad_norm: 3.1411 2023-02-19 09:34:14,680 - mmseg - INFO - Iter [53900/160000] lr: 3.979e-05, eta: 10:51:12, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2098, decode.acc_seg: 91.6971, aux.loss_ce: 0.1173, aux.acc_seg: 88.3814, loss: 0.3271, grad_norm: 3.2296 2023-02-19 09:34:32,850 - mmseg - INFO - Iter [53950/160000] lr: 3.977e-05, eta: 10:50:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2321, decode.acc_seg: 91.0851, aux.loss_ce: 0.1249, aux.acc_seg: 87.7077, loss: 0.3570, grad_norm: 4.3773 2023-02-19 09:34:50,746 - mmseg - INFO - Saving checkpoint at 54000 iterations 2023-02-19 09:34:52,435 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:34:52,435 - mmseg - INFO - Iter [54000/160000] lr: 3.975e-05, eta: 10:50:37, time: 0.392, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2244, decode.acc_seg: 91.0813, aux.loss_ce: 0.1233, aux.acc_seg: 87.6427, loss: 0.3476, grad_norm: 3.9638 2023-02-19 09:35:10,350 - mmseg - INFO - Iter [54050/160000] lr: 3.973e-05, eta: 10:50:17, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2276, decode.acc_seg: 91.2677, aux.loss_ce: 0.1274, aux.acc_seg: 87.7742, loss: 0.3551, grad_norm: 3.4701 2023-02-19 09:35:28,297 - mmseg - INFO - Iter [54100/160000] lr: 3.971e-05, eta: 10:49:58, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2232, decode.acc_seg: 91.0602, aux.loss_ce: 0.1231, aux.acc_seg: 87.6776, loss: 0.3463, grad_norm: 3.7773 2023-02-19 09:35:46,277 - mmseg - INFO - Iter [54150/160000] lr: 3.969e-05, eta: 10:49:39, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2215, decode.acc_seg: 91.3439, aux.loss_ce: 0.1216, aux.acc_seg: 88.1353, loss: 0.3431, grad_norm: 3.8400 2023-02-19 09:36:04,143 - mmseg - INFO - Iter [54200/160000] lr: 3.968e-05, eta: 10:49:19, time: 0.357, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2189, decode.acc_seg: 91.2406, aux.loss_ce: 0.1199, aux.acc_seg: 88.0914, loss: 0.3388, grad_norm: 3.5583 2023-02-19 09:36:22,406 - mmseg - INFO - Iter [54250/160000] lr: 3.966e-05, eta: 10:49:00, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2319, decode.acc_seg: 90.8827, aux.loss_ce: 0.1271, aux.acc_seg: 87.3857, loss: 0.3590, grad_norm: 3.9841 2023-02-19 09:36:40,734 - mmseg - INFO - Iter [54300/160000] lr: 3.964e-05, eta: 10:48:42, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2238, decode.acc_seg: 91.0685, aux.loss_ce: 0.1237, aux.acc_seg: 87.7580, loss: 0.3475, grad_norm: 4.6474 2023-02-19 09:37:01,072 - mmseg - INFO - Iter [54350/160000] lr: 3.962e-05, eta: 10:48:27, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2091, decode.acc_seg: 91.8994, aux.loss_ce: 0.1166, aux.acc_seg: 88.6814, loss: 0.3257, grad_norm: 4.8765 2023-02-19 09:37:19,129 - mmseg - INFO - Iter [54400/160000] lr: 3.960e-05, eta: 10:48:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2275, decode.acc_seg: 91.1660, aux.loss_ce: 0.1255, aux.acc_seg: 87.6519, loss: 0.3530, grad_norm: 4.4711 2023-02-19 09:37:37,139 - mmseg - INFO - Iter [54450/160000] lr: 3.958e-05, eta: 10:47:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2139, decode.acc_seg: 91.4953, aux.loss_ce: 0.1192, aux.acc_seg: 88.1603, loss: 0.3331, grad_norm: 3.1053 2023-02-19 09:37:55,324 - mmseg - INFO - Iter [54500/160000] lr: 3.956e-05, eta: 10:47:30, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2173, decode.acc_seg: 91.2482, aux.loss_ce: 0.1228, aux.acc_seg: 87.9887, loss: 0.3400, grad_norm: 3.3228 2023-02-19 09:38:13,286 - mmseg - INFO - Iter [54550/160000] lr: 3.954e-05, eta: 10:47:11, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2138, decode.acc_seg: 91.3785, aux.loss_ce: 0.1169, aux.acc_seg: 88.3970, loss: 0.3308, grad_norm: 3.5406 2023-02-19 09:38:31,238 - mmseg - INFO - Iter [54600/160000] lr: 3.953e-05, eta: 10:46:51, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2099, decode.acc_seg: 91.9068, aux.loss_ce: 0.1168, aux.acc_seg: 88.6225, loss: 0.3266, grad_norm: 3.2702 2023-02-19 09:38:49,259 - mmseg - INFO - Iter [54650/160000] lr: 3.951e-05, eta: 10:46:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2242, decode.acc_seg: 91.2011, aux.loss_ce: 0.1217, aux.acc_seg: 88.3449, loss: 0.3459, grad_norm: 3.1875 2023-02-19 09:39:07,206 - mmseg - INFO - Iter [54700/160000] lr: 3.949e-05, eta: 10:46:13, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2026, decode.acc_seg: 91.8252, aux.loss_ce: 0.1113, aux.acc_seg: 88.7174, loss: 0.3139, grad_norm: 2.8424 2023-02-19 09:39:25,372 - mmseg - INFO - Iter [54750/160000] lr: 3.947e-05, eta: 10:45:54, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2104, decode.acc_seg: 91.6132, aux.loss_ce: 0.1186, aux.acc_seg: 88.2647, loss: 0.3290, grad_norm: 2.9613 2023-02-19 09:39:43,477 - mmseg - INFO - Iter [54800/160000] lr: 3.945e-05, eta: 10:45:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2284, decode.acc_seg: 90.9402, aux.loss_ce: 0.1284, aux.acc_seg: 87.2676, loss: 0.3568, grad_norm: 3.3958 2023-02-19 09:40:01,556 - mmseg - INFO - Iter [54850/160000] lr: 3.943e-05, eta: 10:45:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2126, decode.acc_seg: 91.4796, aux.loss_ce: 0.1159, aux.acc_seg: 88.3884, loss: 0.3285, grad_norm: 2.8405 2023-02-19 09:40:19,494 - mmseg - INFO - Iter [54900/160000] lr: 3.941e-05, eta: 10:44:57, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2139, decode.acc_seg: 91.4626, aux.loss_ce: 0.1186, aux.acc_seg: 88.0484, loss: 0.3326, grad_norm: 3.3511 2023-02-19 09:40:37,596 - mmseg - INFO - Iter [54950/160000] lr: 3.939e-05, eta: 10:44:38, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2010, decode.acc_seg: 91.9129, aux.loss_ce: 0.1141, aux.acc_seg: 88.3762, loss: 0.3151, grad_norm: 4.5878 2023-02-19 09:40:55,595 - mmseg - INFO - Saving checkpoint at 55000 iterations 2023-02-19 09:40:57,356 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:40:57,356 - mmseg - INFO - Iter [55000/160000] lr: 3.938e-05, eta: 10:44:22, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2075, decode.acc_seg: 91.8723, aux.loss_ce: 0.1186, aux.acc_seg: 88.1840, loss: 0.3261, grad_norm: 3.3493 2023-02-19 09:41:15,901 - mmseg - INFO - Iter [55050/160000] lr: 3.936e-05, eta: 10:44:04, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2191, decode.acc_seg: 91.1902, aux.loss_ce: 0.1177, aux.acc_seg: 88.2478, loss: 0.3368, grad_norm: 3.5888 2023-02-19 09:41:33,946 - mmseg - INFO - Iter [55100/160000] lr: 3.934e-05, eta: 10:43:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2304, decode.acc_seg: 90.8240, aux.loss_ce: 0.1247, aux.acc_seg: 87.6271, loss: 0.3552, grad_norm: 5.1676 2023-02-19 09:41:52,021 - mmseg - INFO - Iter [55150/160000] lr: 3.932e-05, eta: 10:43:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2218, decode.acc_seg: 91.3268, aux.loss_ce: 0.1256, aux.acc_seg: 87.8897, loss: 0.3474, grad_norm: 3.5582 2023-02-19 09:42:10,183 - mmseg - INFO - Iter [55200/160000] lr: 3.930e-05, eta: 10:43:07, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2193, decode.acc_seg: 91.1937, aux.loss_ce: 0.1199, aux.acc_seg: 87.9863, loss: 0.3392, grad_norm: 4.0655 2023-02-19 09:42:28,592 - mmseg - INFO - Iter [55250/160000] lr: 3.928e-05, eta: 10:42:48, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2097, decode.acc_seg: 91.5375, aux.loss_ce: 0.1146, aux.acc_seg: 88.6046, loss: 0.3243, grad_norm: 2.9819 2023-02-19 09:42:46,924 - mmseg - INFO - Iter [55300/160000] lr: 3.926e-05, eta: 10:42:30, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2235, decode.acc_seg: 91.0075, aux.loss_ce: 0.1198, aux.acc_seg: 88.0595, loss: 0.3433, grad_norm: 4.1909 2023-02-19 09:43:04,937 - mmseg - INFO - Iter [55350/160000] lr: 3.924e-05, eta: 10:42:11, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2136, decode.acc_seg: 91.6442, aux.loss_ce: 0.1173, aux.acc_seg: 88.4906, loss: 0.3308, grad_norm: 2.9392 2023-02-19 09:43:23,046 - mmseg - INFO - Iter [55400/160000] lr: 3.923e-05, eta: 10:41:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2250, decode.acc_seg: 91.5844, aux.loss_ce: 0.1236, aux.acc_seg: 88.1771, loss: 0.3486, grad_norm: 3.9175 2023-02-19 09:43:41,158 - mmseg - INFO - Iter [55450/160000] lr: 3.921e-05, eta: 10:41:33, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2160, decode.acc_seg: 91.5499, aux.loss_ce: 0.1186, aux.acc_seg: 88.4850, loss: 0.3346, grad_norm: 3.2344 2023-02-19 09:43:59,265 - mmseg - INFO - Iter [55500/160000] lr: 3.919e-05, eta: 10:41:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2299, decode.acc_seg: 91.0001, aux.loss_ce: 0.1276, aux.acc_seg: 87.4405, loss: 0.3576, grad_norm: 3.9648 2023-02-19 09:44:17,291 - mmseg - INFO - Iter [55550/160000] lr: 3.917e-05, eta: 10:40:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2164, decode.acc_seg: 91.4145, aux.loss_ce: 0.1233, aux.acc_seg: 87.9675, loss: 0.3397, grad_norm: 3.5880 2023-02-19 09:44:37,620 - mmseg - INFO - Iter [55600/160000] lr: 3.915e-05, eta: 10:40:40, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2218, decode.acc_seg: 91.0806, aux.loss_ce: 0.1218, aux.acc_seg: 87.8044, loss: 0.3436, grad_norm: 4.0236 2023-02-19 09:44:55,734 - mmseg - INFO - Iter [55650/160000] lr: 3.913e-05, eta: 10:40:21, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2107, decode.acc_seg: 91.4850, aux.loss_ce: 0.1163, aux.acc_seg: 88.3046, loss: 0.3269, grad_norm: 3.5089 2023-02-19 09:45:13,768 - mmseg - INFO - Iter [55700/160000] lr: 3.911e-05, eta: 10:40:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2109, decode.acc_seg: 91.4541, aux.loss_ce: 0.1145, aux.acc_seg: 88.4657, loss: 0.3254, grad_norm: 3.5381 2023-02-19 09:45:32,254 - mmseg - INFO - Iter [55750/160000] lr: 3.909e-05, eta: 10:39:43, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2090, decode.acc_seg: 91.9176, aux.loss_ce: 0.1178, aux.acc_seg: 88.5425, loss: 0.3267, grad_norm: 3.3586 2023-02-19 09:45:50,699 - mmseg - INFO - Iter [55800/160000] lr: 3.908e-05, eta: 10:39:25, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2136, decode.acc_seg: 91.5945, aux.loss_ce: 0.1163, aux.acc_seg: 88.5309, loss: 0.3299, grad_norm: 4.9477 2023-02-19 09:46:08,674 - mmseg - INFO - Iter [55850/160000] lr: 3.906e-05, eta: 10:39:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2139, decode.acc_seg: 91.5027, aux.loss_ce: 0.1212, aux.acc_seg: 88.1714, loss: 0.3351, grad_norm: 4.0461 2023-02-19 09:46:26,703 - mmseg - INFO - Iter [55900/160000] lr: 3.904e-05, eta: 10:38:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2123, decode.acc_seg: 91.6679, aux.loss_ce: 0.1184, aux.acc_seg: 88.2608, loss: 0.3307, grad_norm: 3.8433 2023-02-19 09:46:44,708 - mmseg - INFO - Iter [55950/160000] lr: 3.902e-05, eta: 10:38:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2416, decode.acc_seg: 90.9531, aux.loss_ce: 0.1277, aux.acc_seg: 87.7900, loss: 0.3693, grad_norm: 5.2599 2023-02-19 09:47:02,727 - mmseg - INFO - Saving checkpoint at 56000 iterations 2023-02-19 09:47:04,474 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:47:04,474 - mmseg - INFO - Iter [56000/160000] lr: 3.900e-05, eta: 10:38:12, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2209, decode.acc_seg: 91.4182, aux.loss_ce: 0.1231, aux.acc_seg: 87.9150, loss: 0.3440, grad_norm: 3.8704 2023-02-19 09:47:22,644 - mmseg - INFO - Iter [56050/160000] lr: 3.898e-05, eta: 10:37:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2132, decode.acc_seg: 91.5601, aux.loss_ce: 0.1183, aux.acc_seg: 88.2607, loss: 0.3315, grad_norm: 3.6720 2023-02-19 09:47:40,775 - mmseg - INFO - Iter [56100/160000] lr: 3.896e-05, eta: 10:37:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2093, decode.acc_seg: 91.4531, aux.loss_ce: 0.1165, aux.acc_seg: 88.2680, loss: 0.3257, grad_norm: 3.5610 2023-02-19 09:47:58,851 - mmseg - INFO - Iter [56150/160000] lr: 3.894e-05, eta: 10:37:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2285, decode.acc_seg: 90.9945, aux.loss_ce: 0.1263, aux.acc_seg: 87.7107, loss: 0.3548, grad_norm: 3.5190 2023-02-19 09:48:16,996 - mmseg - INFO - Iter [56200/160000] lr: 3.893e-05, eta: 10:36:56, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2099, decode.acc_seg: 91.5556, aux.loss_ce: 0.1173, aux.acc_seg: 88.0265, loss: 0.3272, grad_norm: 4.6726 2023-02-19 09:48:35,338 - mmseg - INFO - Iter [56250/160000] lr: 3.891e-05, eta: 10:36:37, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2138, decode.acc_seg: 91.5317, aux.loss_ce: 0.1213, aux.acc_seg: 88.1151, loss: 0.3351, grad_norm: 3.6183 2023-02-19 09:48:53,530 - mmseg - INFO - Iter [56300/160000] lr: 3.889e-05, eta: 10:36:19, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2188, decode.acc_seg: 91.2003, aux.loss_ce: 0.1165, aux.acc_seg: 88.2856, loss: 0.3353, grad_norm: 3.1255 2023-02-19 09:49:12,032 - mmseg - INFO - Iter [56350/160000] lr: 3.887e-05, eta: 10:36:00, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2168, decode.acc_seg: 91.2092, aux.loss_ce: 0.1168, aux.acc_seg: 88.3191, loss: 0.3336, grad_norm: 4.4433 2023-02-19 09:49:30,959 - mmseg - INFO - Iter [56400/160000] lr: 3.885e-05, eta: 10:35:43, time: 0.379, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2065, decode.acc_seg: 91.6914, aux.loss_ce: 0.1149, aux.acc_seg: 88.3421, loss: 0.3215, grad_norm: 4.1599 2023-02-19 09:49:49,099 - mmseg - INFO - Iter [56450/160000] lr: 3.883e-05, eta: 10:35:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2083, decode.acc_seg: 91.6515, aux.loss_ce: 0.1206, aux.acc_seg: 87.8917, loss: 0.3289, grad_norm: 4.1306 2023-02-19 09:50:07,191 - mmseg - INFO - Iter [56500/160000] lr: 3.881e-05, eta: 10:35:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2027, decode.acc_seg: 91.9391, aux.loss_ce: 0.1150, aux.acc_seg: 88.6655, loss: 0.3177, grad_norm: 3.0911 2023-02-19 09:50:25,271 - mmseg - INFO - Iter [56550/160000] lr: 3.879e-05, eta: 10:34:46, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2169, decode.acc_seg: 91.4636, aux.loss_ce: 0.1173, aux.acc_seg: 88.2852, loss: 0.3341, grad_norm: 5.7538 2023-02-19 09:50:43,735 - mmseg - INFO - Iter [56600/160000] lr: 3.878e-05, eta: 10:34:28, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2096, decode.acc_seg: 91.4016, aux.loss_ce: 0.1165, aux.acc_seg: 88.1887, loss: 0.3261, grad_norm: 3.3136 2023-02-19 09:51:02,283 - mmseg - INFO - Iter [56650/160000] lr: 3.876e-05, eta: 10:34:10, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2189, decode.acc_seg: 91.3467, aux.loss_ce: 0.1202, aux.acc_seg: 88.0211, loss: 0.3392, grad_norm: 3.5381 2023-02-19 09:51:20,314 - mmseg - INFO - Iter [56700/160000] lr: 3.874e-05, eta: 10:33:50, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2237, decode.acc_seg: 91.2343, aux.loss_ce: 0.1235, aux.acc_seg: 87.8477, loss: 0.3472, grad_norm: 4.6161 2023-02-19 09:51:38,384 - mmseg - INFO - Iter [56750/160000] lr: 3.872e-05, eta: 10:33:31, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2080, decode.acc_seg: 91.7893, aux.loss_ce: 0.1155, aux.acc_seg: 88.7114, loss: 0.3236, grad_norm: 3.0648 2023-02-19 09:51:56,442 - mmseg - INFO - Iter [56800/160000] lr: 3.870e-05, eta: 10:33:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2145, decode.acc_seg: 91.3739, aux.loss_ce: 0.1175, aux.acc_seg: 88.2885, loss: 0.3320, grad_norm: 4.8549 2023-02-19 09:52:16,998 - mmseg - INFO - Iter [56850/160000] lr: 3.868e-05, eta: 10:32:58, time: 0.411, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2104, decode.acc_seg: 91.5597, aux.loss_ce: 0.1187, aux.acc_seg: 88.0895, loss: 0.3291, grad_norm: 3.5227 2023-02-19 09:52:35,132 - mmseg - INFO - Iter [56900/160000] lr: 3.866e-05, eta: 10:32:39, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2149, decode.acc_seg: 91.3804, aux.loss_ce: 0.1165, aux.acc_seg: 88.4117, loss: 0.3314, grad_norm: 4.3272 2023-02-19 09:52:53,119 - mmseg - INFO - Iter [56950/160000] lr: 3.864e-05, eta: 10:32:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2027, decode.acc_seg: 91.6188, aux.loss_ce: 0.1135, aux.acc_seg: 88.5584, loss: 0.3162, grad_norm: 3.2658 2023-02-19 09:53:11,272 - mmseg - INFO - Saving checkpoint at 57000 iterations 2023-02-19 09:53:13,028 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:53:13,029 - mmseg - INFO - Iter [57000/160000] lr: 3.863e-05, eta: 10:32:04, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2255, decode.acc_seg: 91.5282, aux.loss_ce: 0.1224, aux.acc_seg: 88.3217, loss: 0.3479, grad_norm: 4.0819 2023-02-19 09:53:31,195 - mmseg - INFO - Iter [57050/160000] lr: 3.861e-05, eta: 10:31:45, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2003, decode.acc_seg: 91.8309, aux.loss_ce: 0.1125, aux.acc_seg: 88.7283, loss: 0.3128, grad_norm: 3.3042 2023-02-19 09:53:49,158 - mmseg - INFO - Iter [57100/160000] lr: 3.859e-05, eta: 10:31:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1946, decode.acc_seg: 92.1446, aux.loss_ce: 0.1104, aux.acc_seg: 88.9724, loss: 0.3050, grad_norm: 3.5599 2023-02-19 09:54:07,166 - mmseg - INFO - Iter [57150/160000] lr: 3.857e-05, eta: 10:31:07, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2223, decode.acc_seg: 91.4229, aux.loss_ce: 0.1250, aux.acc_seg: 88.0432, loss: 0.3473, grad_norm: 4.5150 2023-02-19 09:54:25,718 - mmseg - INFO - Iter [57200/160000] lr: 3.855e-05, eta: 10:30:49, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2124, decode.acc_seg: 91.8454, aux.loss_ce: 0.1164, aux.acc_seg: 88.9511, loss: 0.3288, grad_norm: 3.7027 2023-02-19 09:54:43,778 - mmseg - INFO - Iter [57250/160000] lr: 3.853e-05, eta: 10:30:30, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2102, decode.acc_seg: 91.7112, aux.loss_ce: 0.1167, aux.acc_seg: 88.4201, loss: 0.3269, grad_norm: 3.2694 2023-02-19 09:55:01,844 - mmseg - INFO - Iter [57300/160000] lr: 3.851e-05, eta: 10:30:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1989, decode.acc_seg: 92.0911, aux.loss_ce: 0.1148, aux.acc_seg: 88.5358, loss: 0.3137, grad_norm: 3.2556 2023-02-19 09:55:20,030 - mmseg - INFO - Iter [57350/160000] lr: 3.849e-05, eta: 10:29:52, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2140, decode.acc_seg: 91.5467, aux.loss_ce: 0.1184, aux.acc_seg: 88.3552, loss: 0.3325, grad_norm: 4.2629 2023-02-19 09:55:38,277 - mmseg - INFO - Iter [57400/160000] lr: 3.848e-05, eta: 10:29:33, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2164, decode.acc_seg: 91.5261, aux.loss_ce: 0.1164, aux.acc_seg: 88.6466, loss: 0.3327, grad_norm: 3.6875 2023-02-19 09:55:56,344 - mmseg - INFO - Iter [57450/160000] lr: 3.846e-05, eta: 10:29:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1995, decode.acc_seg: 91.9708, aux.loss_ce: 0.1118, aux.acc_seg: 88.6092, loss: 0.3113, grad_norm: 3.3395 2023-02-19 09:56:14,657 - mmseg - INFO - Iter [57500/160000] lr: 3.844e-05, eta: 10:28:56, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2151, decode.acc_seg: 91.4057, aux.loss_ce: 0.1226, aux.acc_seg: 88.1336, loss: 0.3377, grad_norm: 3.4160 2023-02-19 09:56:32,777 - mmseg - INFO - Iter [57550/160000] lr: 3.842e-05, eta: 10:28:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2199, decode.acc_seg: 91.0709, aux.loss_ce: 0.1214, aux.acc_seg: 87.7221, loss: 0.3414, grad_norm: 4.1830 2023-02-19 09:56:50,968 - mmseg - INFO - Iter [57600/160000] lr: 3.840e-05, eta: 10:28:18, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2267, decode.acc_seg: 91.3392, aux.loss_ce: 0.1204, aux.acc_seg: 88.5252, loss: 0.3470, grad_norm: 4.8423 2023-02-19 09:57:09,078 - mmseg - INFO - Iter [57650/160000] lr: 3.838e-05, eta: 10:27:59, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2087, decode.acc_seg: 91.7517, aux.loss_ce: 0.1172, aux.acc_seg: 88.6328, loss: 0.3259, grad_norm: 3.8041 2023-02-19 09:57:27,437 - mmseg - INFO - Iter [57700/160000] lr: 3.836e-05, eta: 10:27:40, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2001, decode.acc_seg: 92.0829, aux.loss_ce: 0.1118, aux.acc_seg: 89.0303, loss: 0.3120, grad_norm: 3.1426 2023-02-19 09:57:45,961 - mmseg - INFO - Iter [57750/160000] lr: 3.834e-05, eta: 10:27:22, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2260, decode.acc_seg: 90.9846, aux.loss_ce: 0.1244, aux.acc_seg: 87.5639, loss: 0.3504, grad_norm: 4.2495 2023-02-19 09:58:03,954 - mmseg - INFO - Iter [57800/160000] lr: 3.833e-05, eta: 10:27:03, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2134, decode.acc_seg: 91.5978, aux.loss_ce: 0.1177, aux.acc_seg: 88.4950, loss: 0.3311, grad_norm: 3.8702 2023-02-19 09:58:22,011 - mmseg - INFO - Iter [57850/160000] lr: 3.831e-05, eta: 10:26:44, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2148, decode.acc_seg: 91.4710, aux.loss_ce: 0.1174, aux.acc_seg: 88.3331, loss: 0.3323, grad_norm: 3.8467 2023-02-19 09:58:40,004 - mmseg - INFO - Iter [57900/160000] lr: 3.829e-05, eta: 10:26:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2282, decode.acc_seg: 91.3303, aux.loss_ce: 0.1247, aux.acc_seg: 88.0916, loss: 0.3529, grad_norm: 4.1480 2023-02-19 09:58:58,284 - mmseg - INFO - Iter [57950/160000] lr: 3.827e-05, eta: 10:26:06, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2153, decode.acc_seg: 91.8074, aux.loss_ce: 0.1193, aux.acc_seg: 88.4280, loss: 0.3346, grad_norm: 3.7581 2023-02-19 09:59:16,495 - mmseg - INFO - Saving checkpoint at 58000 iterations 2023-02-19 09:59:18,237 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 09:59:18,238 - mmseg - INFO - Iter [58000/160000] lr: 3.825e-05, eta: 10:25:51, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2101, decode.acc_seg: 91.8331, aux.loss_ce: 0.1183, aux.acc_seg: 88.3442, loss: 0.3285, grad_norm: 2.9592 2023-02-19 09:59:36,325 - mmseg - INFO - Iter [58050/160000] lr: 3.823e-05, eta: 10:25:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2104, decode.acc_seg: 91.7659, aux.loss_ce: 0.1209, aux.acc_seg: 88.0513, loss: 0.3313, grad_norm: 3.2690 2023-02-19 09:59:56,679 - mmseg - INFO - Iter [58100/160000] lr: 3.821e-05, eta: 10:25:17, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.2061, decode.acc_seg: 91.8035, aux.loss_ce: 0.1154, aux.acc_seg: 88.6164, loss: 0.3215, grad_norm: 3.6709 2023-02-19 10:00:14,694 - mmseg - INFO - Iter [58150/160000] lr: 3.819e-05, eta: 10:24:58, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2108, decode.acc_seg: 91.7577, aux.loss_ce: 0.1175, aux.acc_seg: 88.5812, loss: 0.3284, grad_norm: 3.8583 2023-02-19 10:00:32,690 - mmseg - INFO - Iter [58200/160000] lr: 3.818e-05, eta: 10:24:38, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2038, decode.acc_seg: 91.6751, aux.loss_ce: 0.1124, aux.acc_seg: 88.6409, loss: 0.3162, grad_norm: 3.9074 2023-02-19 10:00:50,649 - mmseg - INFO - Iter [58250/160000] lr: 3.816e-05, eta: 10:24:19, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2064, decode.acc_seg: 91.7272, aux.loss_ce: 0.1177, aux.acc_seg: 88.2497, loss: 0.3242, grad_norm: 4.0141 2023-02-19 10:01:08,608 - mmseg - INFO - Iter [58300/160000] lr: 3.814e-05, eta: 10:24:00, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2129, decode.acc_seg: 91.5619, aux.loss_ce: 0.1171, aux.acc_seg: 88.4669, loss: 0.3301, grad_norm: 2.9885 2023-02-19 10:01:26,717 - mmseg - INFO - Iter [58350/160000] lr: 3.812e-05, eta: 10:23:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1991, decode.acc_seg: 91.9222, aux.loss_ce: 0.1164, aux.acc_seg: 88.0424, loss: 0.3156, grad_norm: 4.7225 2023-02-19 10:01:45,014 - mmseg - INFO - Iter [58400/160000] lr: 3.810e-05, eta: 10:23:23, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2156, decode.acc_seg: 91.3787, aux.loss_ce: 0.1195, aux.acc_seg: 87.8018, loss: 0.3351, grad_norm: 3.8455 2023-02-19 10:02:02,987 - mmseg - INFO - Iter [58450/160000] lr: 3.808e-05, eta: 10:23:03, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1918, decode.acc_seg: 92.3355, aux.loss_ce: 0.1082, aux.acc_seg: 89.1790, loss: 0.3000, grad_norm: 3.1009 2023-02-19 10:02:21,005 - mmseg - INFO - Iter [58500/160000] lr: 3.806e-05, eta: 10:22:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2140, decode.acc_seg: 91.6494, aux.loss_ce: 0.1176, aux.acc_seg: 88.6018, loss: 0.3315, grad_norm: 3.4659 2023-02-19 10:02:39,325 - mmseg - INFO - Iter [58550/160000] lr: 3.804e-05, eta: 10:22:26, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1940, decode.acc_seg: 92.0482, aux.loss_ce: 0.1100, aux.acc_seg: 88.8407, loss: 0.3040, grad_norm: 3.3121 2023-02-19 10:02:57,491 - mmseg - INFO - Iter [58600/160000] lr: 3.803e-05, eta: 10:22:07, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1970, decode.acc_seg: 92.3572, aux.loss_ce: 0.1102, aux.acc_seg: 89.3219, loss: 0.3071, grad_norm: 3.6903 2023-02-19 10:03:15,614 - mmseg - INFO - Iter [58650/160000] lr: 3.801e-05, eta: 10:21:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2188, decode.acc_seg: 91.4917, aux.loss_ce: 0.1268, aux.acc_seg: 87.8355, loss: 0.3456, grad_norm: 4.1978 2023-02-19 10:03:33,760 - mmseg - INFO - Iter [58700/160000] lr: 3.799e-05, eta: 10:21:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2114, decode.acc_seg: 91.7380, aux.loss_ce: 0.1142, aux.acc_seg: 88.6852, loss: 0.3255, grad_norm: 3.4880 2023-02-19 10:03:51,905 - mmseg - INFO - Iter [58750/160000] lr: 3.797e-05, eta: 10:21:10, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2059, decode.acc_seg: 91.8010, aux.loss_ce: 0.1211, aux.acc_seg: 88.0907, loss: 0.3270, grad_norm: 3.2103 2023-02-19 10:04:10,019 - mmseg - INFO - Iter [58800/160000] lr: 3.795e-05, eta: 10:20:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2153, decode.acc_seg: 91.4136, aux.loss_ce: 0.1197, aux.acc_seg: 87.9650, loss: 0.3351, grad_norm: 3.5487 2023-02-19 10:04:27,995 - mmseg - INFO - Iter [58850/160000] lr: 3.793e-05, eta: 10:20:32, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2001, decode.acc_seg: 92.1523, aux.loss_ce: 0.1127, aux.acc_seg: 88.9692, loss: 0.3127, grad_norm: 3.7918 2023-02-19 10:04:46,077 - mmseg - INFO - Iter [58900/160000] lr: 3.791e-05, eta: 10:20:13, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2069, decode.acc_seg: 91.7113, aux.loss_ce: 0.1162, aux.acc_seg: 88.2752, loss: 0.3231, grad_norm: 4.5252 2023-02-19 10:05:04,083 - mmseg - INFO - Iter [58950/160000] lr: 3.789e-05, eta: 10:19:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2044, decode.acc_seg: 91.9928, aux.loss_ce: 0.1120, aux.acc_seg: 88.9669, loss: 0.3163, grad_norm: 3.2350 2023-02-19 10:05:22,650 - mmseg - INFO - Saving checkpoint at 59000 iterations 2023-02-19 10:05:24,368 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:05:24,368 - mmseg - INFO - Iter [59000/160000] lr: 3.788e-05, eta: 10:19:39, time: 0.406, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2059, decode.acc_seg: 91.7015, aux.loss_ce: 0.1126, aux.acc_seg: 88.5975, loss: 0.3185, grad_norm: 3.2713 2023-02-19 10:05:42,756 - mmseg - INFO - Iter [59050/160000] lr: 3.786e-05, eta: 10:19:21, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2076, decode.acc_seg: 91.6966, aux.loss_ce: 0.1152, aux.acc_seg: 88.4757, loss: 0.3228, grad_norm: 3.6912 2023-02-19 10:06:00,931 - mmseg - INFO - Iter [59100/160000] lr: 3.784e-05, eta: 10:19:02, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2035, decode.acc_seg: 91.7208, aux.loss_ce: 0.1138, aux.acc_seg: 88.4674, loss: 0.3173, grad_norm: 3.7401 2023-02-19 10:06:19,882 - mmseg - INFO - Iter [59150/160000] lr: 3.782e-05, eta: 10:18:44, time: 0.379, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2134, decode.acc_seg: 91.5042, aux.loss_ce: 0.1216, aux.acc_seg: 88.1244, loss: 0.3350, grad_norm: 3.5741 2023-02-19 10:06:37,909 - mmseg - INFO - Iter [59200/160000] lr: 3.780e-05, eta: 10:18:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2029, decode.acc_seg: 91.8291, aux.loss_ce: 0.1112, aux.acc_seg: 88.6962, loss: 0.3141, grad_norm: 2.8177 2023-02-19 10:06:56,163 - mmseg - INFO - Iter [59250/160000] lr: 3.778e-05, eta: 10:18:07, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2332, decode.acc_seg: 91.0773, aux.loss_ce: 0.1260, aux.acc_seg: 87.6990, loss: 0.3592, grad_norm: 3.6287 2023-02-19 10:07:14,178 - mmseg - INFO - Iter [59300/160000] lr: 3.776e-05, eta: 10:17:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2152, decode.acc_seg: 91.3341, aux.loss_ce: 0.1182, aux.acc_seg: 88.0552, loss: 0.3334, grad_norm: 4.5598 2023-02-19 10:07:32,417 - mmseg - INFO - Iter [59350/160000] lr: 3.774e-05, eta: 10:17:29, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1961, decode.acc_seg: 92.1037, aux.loss_ce: 0.1123, aux.acc_seg: 88.5957, loss: 0.3084, grad_norm: 2.9293 2023-02-19 10:07:52,724 - mmseg - INFO - Iter [59400/160000] lr: 3.773e-05, eta: 10:17:14, time: 0.406, data_time: 0.052, memory: 20662, decode.loss_ce: 0.2131, decode.acc_seg: 91.3281, aux.loss_ce: 0.1160, aux.acc_seg: 88.2174, loss: 0.3291, grad_norm: 3.8766 2023-02-19 10:08:10,722 - mmseg - INFO - Iter [59450/160000] lr: 3.771e-05, eta: 10:16:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2166, decode.acc_seg: 91.4366, aux.loss_ce: 0.1175, aux.acc_seg: 88.3739, loss: 0.3342, grad_norm: 3.7100 2023-02-19 10:08:29,266 - mmseg - INFO - Iter [59500/160000] lr: 3.769e-05, eta: 10:16:36, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2162, decode.acc_seg: 91.8395, aux.loss_ce: 0.1164, aux.acc_seg: 88.7620, loss: 0.3327, grad_norm: 3.7864 2023-02-19 10:08:47,295 - mmseg - INFO - Iter [59550/160000] lr: 3.767e-05, eta: 10:16:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2005, decode.acc_seg: 91.6800, aux.loss_ce: 0.1114, aux.acc_seg: 88.5515, loss: 0.3119, grad_norm: 4.7742 2023-02-19 10:09:05,445 - mmseg - INFO - Iter [59600/160000] lr: 3.765e-05, eta: 10:15:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1870, decode.acc_seg: 92.4035, aux.loss_ce: 0.1041, aux.acc_seg: 89.3660, loss: 0.2910, grad_norm: 3.1203 2023-02-19 10:09:23,503 - mmseg - INFO - Iter [59650/160000] lr: 3.763e-05, eta: 10:15:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2093, decode.acc_seg: 91.6393, aux.loss_ce: 0.1156, aux.acc_seg: 88.5744, loss: 0.3249, grad_norm: 3.7781 2023-02-19 10:09:41,723 - mmseg - INFO - Iter [59700/160000] lr: 3.761e-05, eta: 10:15:21, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2093, decode.acc_seg: 91.7010, aux.loss_ce: 0.1184, aux.acc_seg: 88.3185, loss: 0.3276, grad_norm: 3.2350 2023-02-19 10:09:59,776 - mmseg - INFO - Iter [59750/160000] lr: 3.759e-05, eta: 10:15:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1919, decode.acc_seg: 92.3537, aux.loss_ce: 0.1095, aux.acc_seg: 89.1072, loss: 0.3015, grad_norm: 3.2388 2023-02-19 10:10:17,764 - mmseg - INFO - Iter [59800/160000] lr: 3.758e-05, eta: 10:14:43, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2065, decode.acc_seg: 91.7756, aux.loss_ce: 0.1171, aux.acc_seg: 88.3782, loss: 0.3236, grad_norm: 3.8290 2023-02-19 10:10:35,703 - mmseg - INFO - Iter [59850/160000] lr: 3.756e-05, eta: 10:14:23, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2060, decode.acc_seg: 91.7139, aux.loss_ce: 0.1152, aux.acc_seg: 88.4183, loss: 0.3212, grad_norm: 3.6644 2023-02-19 10:10:53,769 - mmseg - INFO - Iter [59900/160000] lr: 3.754e-05, eta: 10:14:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2087, decode.acc_seg: 91.6613, aux.loss_ce: 0.1147, aux.acc_seg: 88.7520, loss: 0.3234, grad_norm: 3.2905 2023-02-19 10:11:11,773 - mmseg - INFO - Iter [59950/160000] lr: 3.752e-05, eta: 10:13:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1972, decode.acc_seg: 92.0513, aux.loss_ce: 0.1115, aux.acc_seg: 88.6831, loss: 0.3087, grad_norm: 2.8075 2023-02-19 10:11:29,732 - mmseg - INFO - Saving checkpoint at 60000 iterations 2023-02-19 10:11:31,490 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:11:31,490 - mmseg - INFO - Iter [60000/160000] lr: 3.750e-05, eta: 10:13:29, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2022, decode.acc_seg: 91.9813, aux.loss_ce: 0.1136, aux.acc_seg: 88.8800, loss: 0.3159, grad_norm: 4.2043 2023-02-19 10:11:49,639 - mmseg - INFO - Iter [60050/160000] lr: 3.748e-05, eta: 10:13:10, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2053, decode.acc_seg: 91.9311, aux.loss_ce: 0.1180, aux.acc_seg: 88.3501, loss: 0.3233, grad_norm: 3.1406 2023-02-19 10:12:07,743 - mmseg - INFO - Iter [60100/160000] lr: 3.746e-05, eta: 10:12:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2063, decode.acc_seg: 92.0456, aux.loss_ce: 0.1162, aux.acc_seg: 88.8098, loss: 0.3226, grad_norm: 3.6448 2023-02-19 10:12:25,903 - mmseg - INFO - Iter [60150/160000] lr: 3.744e-05, eta: 10:12:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2127, decode.acc_seg: 91.6712, aux.loss_ce: 0.1197, aux.acc_seg: 88.3349, loss: 0.3324, grad_norm: 4.3051 2023-02-19 10:12:43,897 - mmseg - INFO - Iter [60200/160000] lr: 3.743e-05, eta: 10:12:14, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2014, decode.acc_seg: 91.9231, aux.loss_ce: 0.1116, aux.acc_seg: 88.9480, loss: 0.3130, grad_norm: 3.5620 2023-02-19 10:13:02,335 - mmseg - INFO - Iter [60250/160000] lr: 3.741e-05, eta: 10:11:55, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1923, decode.acc_seg: 92.4297, aux.loss_ce: 0.1106, aux.acc_seg: 89.1006, loss: 0.3028, grad_norm: 2.9175 2023-02-19 10:13:20,586 - mmseg - INFO - Iter [60300/160000] lr: 3.739e-05, eta: 10:11:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2227, decode.acc_seg: 91.2432, aux.loss_ce: 0.1239, aux.acc_seg: 87.8338, loss: 0.3466, grad_norm: 3.5086 2023-02-19 10:13:38,885 - mmseg - INFO - Iter [60350/160000] lr: 3.737e-05, eta: 10:11:18, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2108, decode.acc_seg: 91.4022, aux.loss_ce: 0.1157, aux.acc_seg: 88.3380, loss: 0.3265, grad_norm: 4.0424 2023-02-19 10:13:57,045 - mmseg - INFO - Iter [60400/160000] lr: 3.735e-05, eta: 10:10:59, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2128, decode.acc_seg: 91.3834, aux.loss_ce: 0.1180, aux.acc_seg: 88.1054, loss: 0.3308, grad_norm: 3.5765 2023-02-19 10:14:15,426 - mmseg - INFO - Iter [60450/160000] lr: 3.733e-05, eta: 10:10:41, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1998, decode.acc_seg: 92.0000, aux.loss_ce: 0.1123, aux.acc_seg: 88.6233, loss: 0.3121, grad_norm: 3.8764 2023-02-19 10:14:33,877 - mmseg - INFO - Iter [60500/160000] lr: 3.731e-05, eta: 10:10:22, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1961, decode.acc_seg: 92.1203, aux.loss_ce: 0.1089, aux.acc_seg: 89.0568, loss: 0.3050, grad_norm: 3.6019 2023-02-19 10:14:51,948 - mmseg - INFO - Iter [60550/160000] lr: 3.729e-05, eta: 10:10:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2021, decode.acc_seg: 91.9284, aux.loss_ce: 0.1135, aux.acc_seg: 88.7670, loss: 0.3156, grad_norm: 4.4683 2023-02-19 10:15:09,950 - mmseg - INFO - Iter [60600/160000] lr: 3.728e-05, eta: 10:09:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2126, decode.acc_seg: 91.6575, aux.loss_ce: 0.1188, aux.acc_seg: 88.3649, loss: 0.3314, grad_norm: 3.4174 2023-02-19 10:15:30,316 - mmseg - INFO - Iter [60650/160000] lr: 3.726e-05, eta: 10:09:29, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2094, decode.acc_seg: 91.7204, aux.loss_ce: 0.1154, aux.acc_seg: 88.6708, loss: 0.3248, grad_norm: 3.7065 2023-02-19 10:15:48,829 - mmseg - INFO - Iter [60700/160000] lr: 3.724e-05, eta: 10:09:11, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2073, decode.acc_seg: 91.8134, aux.loss_ce: 0.1158, aux.acc_seg: 88.8060, loss: 0.3231, grad_norm: 4.1078 2023-02-19 10:16:06,911 - mmseg - INFO - Iter [60750/160000] lr: 3.722e-05, eta: 10:08:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1948, decode.acc_seg: 92.1605, aux.loss_ce: 0.1068, aux.acc_seg: 89.2180, loss: 0.3016, grad_norm: 2.9576 2023-02-19 10:16:25,047 - mmseg - INFO - Iter [60800/160000] lr: 3.720e-05, eta: 10:08:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1997, decode.acc_seg: 91.9655, aux.loss_ce: 0.1114, aux.acc_seg: 88.8120, loss: 0.3110, grad_norm: 3.1743 2023-02-19 10:16:43,087 - mmseg - INFO - Iter [60850/160000] lr: 3.718e-05, eta: 10:08:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1982, decode.acc_seg: 91.9988, aux.loss_ce: 0.1082, aux.acc_seg: 88.9835, loss: 0.3064, grad_norm: 3.3356 2023-02-19 10:17:01,157 - mmseg - INFO - Iter [60900/160000] lr: 3.716e-05, eta: 10:07:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1953, decode.acc_seg: 91.9533, aux.loss_ce: 0.1106, aux.acc_seg: 88.7989, loss: 0.3059, grad_norm: 3.1951 2023-02-19 10:17:19,440 - mmseg - INFO - Iter [60950/160000] lr: 3.714e-05, eta: 10:07:37, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2040, decode.acc_seg: 91.8171, aux.loss_ce: 0.1171, aux.acc_seg: 88.2990, loss: 0.3211, grad_norm: 4.3467 2023-02-19 10:17:37,377 - mmseg - INFO - Saving checkpoint at 61000 iterations 2023-02-19 10:17:39,123 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:17:39,123 - mmseg - INFO - Iter [61000/160000] lr: 3.713e-05, eta: 10:07:20, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2004, decode.acc_seg: 91.9355, aux.loss_ce: 0.1086, aux.acc_seg: 88.9758, loss: 0.3090, grad_norm: 2.9914 2023-02-19 10:17:57,185 - mmseg - INFO - Iter [61050/160000] lr: 3.711e-05, eta: 10:07:01, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1917, decode.acc_seg: 92.3355, aux.loss_ce: 0.1045, aux.acc_seg: 89.5050, loss: 0.2962, grad_norm: 3.0090 2023-02-19 10:18:15,247 - mmseg - INFO - Iter [61100/160000] lr: 3.709e-05, eta: 10:06:42, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1968, decode.acc_seg: 92.0238, aux.loss_ce: 0.1095, aux.acc_seg: 88.9959, loss: 0.3062, grad_norm: 2.8919 2023-02-19 10:18:33,399 - mmseg - INFO - Iter [61150/160000] lr: 3.707e-05, eta: 10:06:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1997, decode.acc_seg: 91.9924, aux.loss_ce: 0.1138, aux.acc_seg: 88.6148, loss: 0.3135, grad_norm: 3.1166 2023-02-19 10:18:51,743 - mmseg - INFO - Iter [61200/160000] lr: 3.705e-05, eta: 10:06:05, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1926, decode.acc_seg: 92.1450, aux.loss_ce: 0.1104, aux.acc_seg: 88.7814, loss: 0.3030, grad_norm: 3.0348 2023-02-19 10:19:10,028 - mmseg - INFO - Iter [61250/160000] lr: 3.703e-05, eta: 10:05:47, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2100, decode.acc_seg: 91.7046, aux.loss_ce: 0.1122, aux.acc_seg: 88.8051, loss: 0.3221, grad_norm: 3.9468 2023-02-19 10:19:28,366 - mmseg - INFO - Iter [61300/160000] lr: 3.701e-05, eta: 10:05:28, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2069, decode.acc_seg: 91.8944, aux.loss_ce: 0.1151, aux.acc_seg: 88.6646, loss: 0.3220, grad_norm: 3.3217 2023-02-19 10:19:46,451 - mmseg - INFO - Iter [61350/160000] lr: 3.699e-05, eta: 10:05:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1893, decode.acc_seg: 92.3371, aux.loss_ce: 0.1081, aux.acc_seg: 88.8683, loss: 0.2974, grad_norm: 4.0527 2023-02-19 10:20:04,588 - mmseg - INFO - Iter [61400/160000] lr: 3.698e-05, eta: 10:04:50, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1955, decode.acc_seg: 92.0963, aux.loss_ce: 0.1095, aux.acc_seg: 89.1061, loss: 0.3049, grad_norm: 3.5901 2023-02-19 10:20:23,349 - mmseg - INFO - Iter [61450/160000] lr: 3.696e-05, eta: 10:04:32, time: 0.375, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2002, decode.acc_seg: 92.1826, aux.loss_ce: 0.1124, aux.acc_seg: 89.1282, loss: 0.3127, grad_norm: 2.8552 2023-02-19 10:20:41,473 - mmseg - INFO - Iter [61500/160000] lr: 3.694e-05, eta: 10:04:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2032, decode.acc_seg: 91.6155, aux.loss_ce: 0.1127, aux.acc_seg: 88.2984, loss: 0.3159, grad_norm: 4.4951 2023-02-19 10:20:59,562 - mmseg - INFO - Iter [61550/160000] lr: 3.692e-05, eta: 10:03:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1994, decode.acc_seg: 91.9910, aux.loss_ce: 0.1130, aux.acc_seg: 88.7680, loss: 0.3125, grad_norm: 2.9437 2023-02-19 10:21:17,820 - mmseg - INFO - Iter [61600/160000] lr: 3.690e-05, eta: 10:03:36, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2053, decode.acc_seg: 91.9477, aux.loss_ce: 0.1169, aux.acc_seg: 88.4977, loss: 0.3221, grad_norm: 4.8110 2023-02-19 10:21:35,868 - mmseg - INFO - Iter [61650/160000] lr: 3.688e-05, eta: 10:03:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1944, decode.acc_seg: 92.3902, aux.loss_ce: 0.1128, aux.acc_seg: 88.6709, loss: 0.3073, grad_norm: 2.7853 2023-02-19 10:21:53,936 - mmseg - INFO - Iter [61700/160000] lr: 3.686e-05, eta: 10:02:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2059, decode.acc_seg: 91.6817, aux.loss_ce: 0.1119, aux.acc_seg: 88.7874, loss: 0.3179, grad_norm: 3.4880 2023-02-19 10:22:12,479 - mmseg - INFO - Iter [61750/160000] lr: 3.684e-05, eta: 10:02:40, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2047, decode.acc_seg: 91.8755, aux.loss_ce: 0.1153, aux.acc_seg: 88.5140, loss: 0.3200, grad_norm: 3.4906 2023-02-19 10:22:31,077 - mmseg - INFO - Iter [61800/160000] lr: 3.683e-05, eta: 10:02:22, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2144, decode.acc_seg: 91.5922, aux.loss_ce: 0.1216, aux.acc_seg: 88.1243, loss: 0.3360, grad_norm: 3.8072 2023-02-19 10:22:49,348 - mmseg - INFO - Iter [61850/160000] lr: 3.681e-05, eta: 10:02:03, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2115, decode.acc_seg: 91.6832, aux.loss_ce: 0.1194, aux.acc_seg: 88.2299, loss: 0.3309, grad_norm: 4.1478 2023-02-19 10:23:09,731 - mmseg - INFO - Iter [61900/160000] lr: 3.679e-05, eta: 10:01:48, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2062, decode.acc_seg: 91.8857, aux.loss_ce: 0.1178, aux.acc_seg: 88.5302, loss: 0.3240, grad_norm: 4.5036 2023-02-19 10:23:27,715 - mmseg - INFO - Iter [61950/160000] lr: 3.677e-05, eta: 10:01:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2157, decode.acc_seg: 91.3804, aux.loss_ce: 0.1193, aux.acc_seg: 88.1375, loss: 0.3350, grad_norm: 3.2931 2023-02-19 10:23:45,719 - mmseg - INFO - Saving checkpoint at 62000 iterations 2023-02-19 10:23:47,414 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:23:47,415 - mmseg - INFO - Iter [62000/160000] lr: 3.675e-05, eta: 10:01:13, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1948, decode.acc_seg: 92.1149, aux.loss_ce: 0.1080, aux.acc_seg: 89.0959, loss: 0.3029, grad_norm: 3.7645 2023-02-19 10:24:05,633 - mmseg - INFO - Iter [62050/160000] lr: 3.673e-05, eta: 10:00:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2020, decode.acc_seg: 91.9704, aux.loss_ce: 0.1111, aux.acc_seg: 88.8735, loss: 0.3131, grad_norm: 3.1427 2023-02-19 10:24:24,202 - mmseg - INFO - Iter [62100/160000] lr: 3.671e-05, eta: 10:00:36, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2061, decode.acc_seg: 91.8462, aux.loss_ce: 0.1161, aux.acc_seg: 88.6858, loss: 0.3222, grad_norm: 4.8660 2023-02-19 10:24:42,255 - mmseg - INFO - Iter [62150/160000] lr: 3.669e-05, eta: 10:00:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1931, decode.acc_seg: 92.2167, aux.loss_ce: 0.1072, aux.acc_seg: 89.3495, loss: 0.3004, grad_norm: 3.2608 2023-02-19 10:25:00,313 - mmseg - INFO - Iter [62200/160000] lr: 3.668e-05, eta: 9:59:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1982, decode.acc_seg: 91.8487, aux.loss_ce: 0.1120, aux.acc_seg: 88.7289, loss: 0.3102, grad_norm: 2.9947 2023-02-19 10:25:18,283 - mmseg - INFO - Iter [62250/160000] lr: 3.666e-05, eta: 9:59:39, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1977, decode.acc_seg: 92.2647, aux.loss_ce: 0.1105, aux.acc_seg: 89.2195, loss: 0.3082, grad_norm: 3.4004 2023-02-19 10:25:36,373 - mmseg - INFO - Iter [62300/160000] lr: 3.664e-05, eta: 9:59:20, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2193, decode.acc_seg: 91.2699, aux.loss_ce: 0.1181, aux.acc_seg: 88.2703, loss: 0.3375, grad_norm: 3.9666 2023-02-19 10:25:54,604 - mmseg - INFO - Iter [62350/160000] lr: 3.662e-05, eta: 9:59:01, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1833, decode.acc_seg: 92.6972, aux.loss_ce: 0.1076, aux.acc_seg: 89.2793, loss: 0.2909, grad_norm: 2.9198 2023-02-19 10:26:12,622 - mmseg - INFO - Iter [62400/160000] lr: 3.660e-05, eta: 9:58:42, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2058, decode.acc_seg: 91.6055, aux.loss_ce: 0.1152, aux.acc_seg: 88.2487, loss: 0.3210, grad_norm: 2.9952 2023-02-19 10:26:30,834 - mmseg - INFO - Iter [62450/160000] lr: 3.658e-05, eta: 9:58:23, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1961, decode.acc_seg: 92.0399, aux.loss_ce: 0.1091, aux.acc_seg: 89.0388, loss: 0.3052, grad_norm: 3.1047 2023-02-19 10:26:48,907 - mmseg - INFO - Iter [62500/160000] lr: 3.656e-05, eta: 9:58:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2143, decode.acc_seg: 91.6879, aux.loss_ce: 0.1131, aux.acc_seg: 89.0464, loss: 0.3273, grad_norm: 3.4808 2023-02-19 10:27:06,829 - mmseg - INFO - Iter [62550/160000] lr: 3.654e-05, eta: 9:57:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1961, decode.acc_seg: 92.1514, aux.loss_ce: 0.1106, aux.acc_seg: 89.0484, loss: 0.3068, grad_norm: 3.8035 2023-02-19 10:27:24,794 - mmseg - INFO - Iter [62600/160000] lr: 3.653e-05, eta: 9:57:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1942, decode.acc_seg: 92.0328, aux.loss_ce: 0.1098, aux.acc_seg: 88.7357, loss: 0.3040, grad_norm: 3.2172 2023-02-19 10:27:42,909 - mmseg - INFO - Iter [62650/160000] lr: 3.651e-05, eta: 9:57:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1888, decode.acc_seg: 92.2404, aux.loss_ce: 0.1068, aux.acc_seg: 89.0118, loss: 0.2956, grad_norm: 2.8795 2023-02-19 10:28:00,983 - mmseg - INFO - Iter [62700/160000] lr: 3.649e-05, eta: 9:56:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1901, decode.acc_seg: 92.2946, aux.loss_ce: 0.1056, aux.acc_seg: 89.4611, loss: 0.2957, grad_norm: 3.9823 2023-02-19 10:28:19,203 - mmseg - INFO - Iter [62750/160000] lr: 3.647e-05, eta: 9:56:30, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2004, decode.acc_seg: 92.1553, aux.loss_ce: 0.1113, aux.acc_seg: 89.0677, loss: 0.3117, grad_norm: 3.1739 2023-02-19 10:28:37,515 - mmseg - INFO - Iter [62800/160000] lr: 3.645e-05, eta: 9:56:11, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1951, decode.acc_seg: 92.1697, aux.loss_ce: 0.1074, aux.acc_seg: 88.9195, loss: 0.3025, grad_norm: 3.4496 2023-02-19 10:28:55,621 - mmseg - INFO - Iter [62850/160000] lr: 3.643e-05, eta: 9:55:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1923, decode.acc_seg: 92.4722, aux.loss_ce: 0.1124, aux.acc_seg: 88.9512, loss: 0.3047, grad_norm: 2.9437 2023-02-19 10:29:13,639 - mmseg - INFO - Iter [62900/160000] lr: 3.641e-05, eta: 9:55:33, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1951, decode.acc_seg: 92.0868, aux.loss_ce: 0.1098, aux.acc_seg: 89.0377, loss: 0.3049, grad_norm: 3.3703 2023-02-19 10:29:31,661 - mmseg - INFO - Iter [62950/160000] lr: 3.639e-05, eta: 9:55:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2057, decode.acc_seg: 91.6062, aux.loss_ce: 0.1163, aux.acc_seg: 88.1351, loss: 0.3220, grad_norm: 4.4575 2023-02-19 10:29:49,744 - mmseg - INFO - Saving checkpoint at 63000 iterations 2023-02-19 10:29:51,645 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:29:51,645 - mmseg - INFO - Iter [63000/160000] lr: 3.638e-05, eta: 9:54:59, time: 0.400, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1949, decode.acc_seg: 92.3147, aux.loss_ce: 0.1127, aux.acc_seg: 88.9163, loss: 0.3077, grad_norm: 3.4843 2023-02-19 10:30:09,939 - mmseg - INFO - Iter [63050/160000] lr: 3.636e-05, eta: 9:54:40, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1817, decode.acc_seg: 92.6449, aux.loss_ce: 0.1077, aux.acc_seg: 89.1450, loss: 0.2894, grad_norm: 3.1388 2023-02-19 10:30:28,604 - mmseg - INFO - Iter [63100/160000] lr: 3.634e-05, eta: 9:54:22, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1945, decode.acc_seg: 92.3324, aux.loss_ce: 0.1132, aux.acc_seg: 89.2050, loss: 0.3077, grad_norm: 3.7301 2023-02-19 10:30:46,839 - mmseg - INFO - Iter [63150/160000] lr: 3.632e-05, eta: 9:54:03, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1946, decode.acc_seg: 92.1022, aux.loss_ce: 0.1120, aux.acc_seg: 88.7364, loss: 0.3066, grad_norm: 3.2075 2023-02-19 10:31:07,259 - mmseg - INFO - Iter [63200/160000] lr: 3.630e-05, eta: 9:53:48, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1831, decode.acc_seg: 92.5661, aux.loss_ce: 0.1068, aux.acc_seg: 89.1722, loss: 0.2899, grad_norm: 3.4599 2023-02-19 10:31:25,644 - mmseg - INFO - Iter [63250/160000] lr: 3.628e-05, eta: 9:53:30, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1909, decode.acc_seg: 92.4391, aux.loss_ce: 0.1060, aux.acc_seg: 89.3852, loss: 0.2969, grad_norm: 3.3704 2023-02-19 10:31:43,712 - mmseg - INFO - Iter [63300/160000] lr: 3.626e-05, eta: 9:53:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1972, decode.acc_seg: 92.2699, aux.loss_ce: 0.1114, aux.acc_seg: 88.9318, loss: 0.3086, grad_norm: 3.9077 2023-02-19 10:32:01,817 - mmseg - INFO - Iter [63350/160000] lr: 3.624e-05, eta: 9:52:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1986, decode.acc_seg: 92.1259, aux.loss_ce: 0.1123, aux.acc_seg: 89.0625, loss: 0.3110, grad_norm: 3.3237 2023-02-19 10:32:19,946 - mmseg - INFO - Iter [63400/160000] lr: 3.623e-05, eta: 9:52:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2135, decode.acc_seg: 91.5050, aux.loss_ce: 0.1207, aux.acc_seg: 87.9255, loss: 0.3341, grad_norm: 3.7715 2023-02-19 10:32:37,841 - mmseg - INFO - Iter [63450/160000] lr: 3.621e-05, eta: 9:52:14, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1971, decode.acc_seg: 92.3327, aux.loss_ce: 0.1103, aux.acc_seg: 89.1557, loss: 0.3073, grad_norm: 3.1650 2023-02-19 10:32:55,921 - mmseg - INFO - Iter [63500/160000] lr: 3.619e-05, eta: 9:51:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1840, decode.acc_seg: 92.5771, aux.loss_ce: 0.1058, aux.acc_seg: 89.2451, loss: 0.2898, grad_norm: 3.3173 2023-02-19 10:33:14,194 - mmseg - INFO - Iter [63550/160000] lr: 3.617e-05, eta: 9:51:36, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1930, decode.acc_seg: 92.4169, aux.loss_ce: 0.1109, aux.acc_seg: 89.1074, loss: 0.3038, grad_norm: 2.8878 2023-02-19 10:33:32,188 - mmseg - INFO - Iter [63600/160000] lr: 3.615e-05, eta: 9:51:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1920, decode.acc_seg: 92.2836, aux.loss_ce: 0.1096, aux.acc_seg: 88.9570, loss: 0.3016, grad_norm: 2.9754 2023-02-19 10:33:50,091 - mmseg - INFO - Iter [63650/160000] lr: 3.613e-05, eta: 9:50:58, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1971, decode.acc_seg: 92.1136, aux.loss_ce: 0.1118, aux.acc_seg: 88.8738, loss: 0.3089, grad_norm: 3.1914 2023-02-19 10:34:08,481 - mmseg - INFO - Iter [63700/160000] lr: 3.611e-05, eta: 9:50:40, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1909, decode.acc_seg: 92.3791, aux.loss_ce: 0.1120, aux.acc_seg: 88.8397, loss: 0.3028, grad_norm: 3.2220 2023-02-19 10:34:26,448 - mmseg - INFO - Iter [63750/160000] lr: 3.609e-05, eta: 9:50:21, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1852, decode.acc_seg: 92.4772, aux.loss_ce: 0.1054, aux.acc_seg: 89.3592, loss: 0.2907, grad_norm: 2.9846 2023-02-19 10:34:44,630 - mmseg - INFO - Iter [63800/160000] lr: 3.608e-05, eta: 9:50:02, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2047, decode.acc_seg: 91.7638, aux.loss_ce: 0.1126, aux.acc_seg: 88.8388, loss: 0.3173, grad_norm: 4.6708 2023-02-19 10:35:02,894 - mmseg - INFO - Iter [63850/160000] lr: 3.606e-05, eta: 9:49:43, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1926, decode.acc_seg: 92.0074, aux.loss_ce: 0.1086, aux.acc_seg: 88.9999, loss: 0.3012, grad_norm: 3.1162 2023-02-19 10:35:21,089 - mmseg - INFO - Iter [63900/160000] lr: 3.604e-05, eta: 9:49:25, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1975, decode.acc_seg: 92.2075, aux.loss_ce: 0.1121, aux.acc_seg: 89.0000, loss: 0.3096, grad_norm: 2.9732 2023-02-19 10:35:39,811 - mmseg - INFO - Iter [63950/160000] lr: 3.602e-05, eta: 9:49:07, time: 0.374, data_time: 0.007, memory: 20662, decode.loss_ce: 0.2118, decode.acc_seg: 91.6859, aux.loss_ce: 0.1189, aux.acc_seg: 88.4339, loss: 0.3307, grad_norm: 3.8505 2023-02-19 10:35:58,091 - mmseg - INFO - Saving checkpoint at 64000 iterations 2023-02-19 10:35:59,901 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:35:59,902 - mmseg - INFO - Iter [64000/160000] lr: 3.600e-05, eta: 9:48:51, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1920, decode.acc_seg: 92.0641, aux.loss_ce: 0.1069, aux.acc_seg: 88.9260, loss: 0.2989, grad_norm: 3.2127 2023-02-19 10:36:27,391 - mmseg - INFO - per class results: 2023-02-19 10:36:27,396 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 75.67 | 83.33 | | building | 79.0 | 85.27 | | sky | 93.86 | 96.82 | | floor | 79.49 | 91.68 | | tree | 72.79 | 91.11 | | ceiling | 82.59 | 92.88 | | road | 83.88 | 91.89 | | bed | 88.94 | 94.15 | | windowpane | 60.07 | 79.33 | | grass | 64.04 | 81.11 | | cabinet | 58.01 | 72.64 | | sidewalk | 65.49 | 74.98 | | person | 78.68 | 91.32 | | earth | 36.33 | 48.27 | | door | 48.2 | 76.65 | | table | 59.37 | 72.98 | | mountain | 52.86 | 62.52 | | plant | 50.25 | 64.26 | | curtain | 71.45 | 84.57 | | chair | 54.41 | 70.78 | | car | 82.41 | 90.28 | | water | 52.47 | 70.88 | | painting | 75.38 | 88.07 | | sofa | 61.57 | 77.83 | | shelf | 40.86 | 64.96 | | house | 41.69 | 84.88 | | sea | 60.78 | 74.18 | | mirror | 64.89 | 69.61 | | rug | 56.25 | 61.69 | | field | 27.81 | 45.85 | | armchair | 33.55 | 44.09 | | seat | 55.11 | 85.15 | | fence | 37.48 | 77.72 | | desk | 49.77 | 65.07 | | rock | 34.5 | 45.44 | | wardrobe | 38.73 | 59.77 | | lamp | 60.73 | 74.06 | | bathtub | 74.54 | 80.77 | | railing | 30.16 | 37.77 | | cushion | 55.46 | 68.86 | | base | 32.93 | 58.69 | | box | 25.1 | 33.63 | | column | 37.6 | 49.13 | | signboard | 35.58 | 47.09 | | chest of drawers | 40.19 | 59.61 | | counter | 31.75 | 48.02 | | sand | 34.54 | 50.52 | | sink | 71.54 | 80.88 | | skyscraper | 39.44 | 49.38 | | fireplace | 78.05 | 86.1 | | refrigerator | 74.16 | 83.58 | | grandstand | 35.21 | 68.73 | | path | 22.33 | 33.57 | | stairs | 27.06 | 33.66 | | runway | 69.73 | 90.77 | | case | 37.38 | 41.17 | | pool table | 92.53 | 96.75 | | pillow | 57.34 | 79.43 | | screen door | 48.67 | 55.99 | | stairway | 34.25 | 46.94 | | river | 8.2 | 18.47 | | bridge | 66.26 | 82.05 | | bookcase | 41.7 | 60.34 | | blind | 38.39 | 47.18 | | coffee table | 54.94 | 79.86 | | toilet | 83.82 | 90.13 | | flower | 37.11 | 53.19 | | book | 46.96 | 66.85 | | hill | 13.1 | 21.1 | | bench | 45.62 | 54.76 | | countertop | 46.11 | 63.49 | | stove | 75.05 | 83.74 | | palm | 45.78 | 57.03 | | kitchen island | 35.9 | 76.64 | | computer | 63.45 | 82.53 | | swivel chair | 43.68 | 75.98 | | boat | 34.94 | 46.18 | | bar | 31.29 | 38.49 | | arcade machine | 67.34 | 73.06 | | hovel | 35.52 | 42.1 | | bus | 82.56 | 96.11 | | towel | 58.52 | 70.37 | | light | 50.21 | 54.75 | | truck | 37.22 | 46.63 | | tower | 27.98 | 53.78 | | chandelier | 57.73 | 91.43 | | awning | 25.34 | 29.66 | | streetlight | 22.82 | 58.23 | | booth | 54.89 | 56.78 | | television receiver | 65.28 | 78.83 | | airplane | 56.92 | 72.71 | | dirt track | 8.5 | 14.25 | | apparel | 29.99 | 56.61 | | pole | 13.92 | 18.8 | | land | 3.17 | 6.81 | | bannister | 13.61 | 19.94 | | escalator | 25.57 | 29.33 | | ottoman | 38.78 | 76.45 | | bottle | 33.19 | 63.92 | | buffet | 35.75 | 44.49 | | poster | 26.8 | 41.85 | | stage | 13.17 | 32.23 | | van | 38.92 | 62.16 | | ship | 63.33 | 97.32 | | fountain | 30.32 | 31.02 | | conveyer belt | 70.37 | 80.37 | | canopy | 10.52 | 13.19 | | washer | 77.48 | 80.91 | | plaything | 18.95 | 40.96 | | swimming pool | 36.54 | 53.2 | | stool | 33.26 | 64.99 | | barrel | 57.11 | 64.32 | | basket | 34.54 | 54.2 | | waterfall | 42.9 | 55.99 | | tent | 84.85 | 98.23 | | bag | 15.08 | 23.27 | | minibike | 60.62 | 89.05 | | cradle | 72.22 | 88.93 | | oven | 50.06 | 68.49 | | ball | 41.46 | 66.63 | | food | 52.42 | 57.98 | | step | 11.46 | 12.7 | | tank | 48.26 | 49.57 | | trade name | 26.76 | 38.23 | | microwave | 73.47 | 86.8 | | pot | 44.29 | 62.79 | | animal | 57.25 | 61.62 | | bicycle | 51.88 | 88.35 | | lake | 58.35 | 60.37 | | dishwasher | 59.6 | 80.2 | | screen | 64.55 | 90.12 | | blanket | 6.64 | 7.96 | | sculpture | 62.93 | 77.7 | | hood | 61.68 | 87.14 | | sconce | 36.28 | 52.17 | | vase | 31.66 | 62.02 | | traffic light | 23.97 | 69.61 | | tray | 6.61 | 9.46 | | ashcan | 31.81 | 52.91 | | fan | 56.18 | 80.0 | | pier | 34.24 | 42.43 | | crt screen | 8.71 | 10.16 | | plate | 55.36 | 75.49 | | monitor | 59.21 | 74.22 | | bulletin board | 27.27 | 54.02 | | shower | 0.0 | 0.0 | | radiator | 52.79 | 65.61 | | glass | 14.39 | 16.68 | | clock | 27.09 | 54.89 | | flag | 54.79 | 83.39 | +---------------------+-------+-------+ 2023-02-19 10:36:27,396 - mmseg - INFO - Summary: 2023-02-19 10:36:27,397 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 81.32 | 47.0 | 61.95 | +-------+------+-------+ 2023-02-19 10:36:29,188 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_64000.pth. 2023-02-19 10:36:29,189 - mmseg - INFO - Best mIoU is 0.4700 at 64000 iter. 2023-02-19 10:36:29,189 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:36:29,189 - mmseg - INFO - Iter(val) [500] aAcc: 0.8132, mIoU: 0.4700, mAcc: 0.6195, IoU.wall: 0.7567, IoU.building: 0.7900, IoU.sky: 0.9386, IoU.floor: 0.7949, IoU.tree: 0.7279, IoU.ceiling: 0.8259, IoU.road: 0.8388, IoU.bed : 0.8894, IoU.windowpane: 0.6007, IoU.grass: 0.6404, IoU.cabinet: 0.5801, IoU.sidewalk: 0.6549, IoU.person: 0.7868, IoU.earth: 0.3633, IoU.door: 0.4820, IoU.table: 0.5937, IoU.mountain: 0.5286, IoU.plant: 0.5025, IoU.curtain: 0.7145, IoU.chair: 0.5441, IoU.car: 0.8241, IoU.water: 0.5247, IoU.painting: 0.7538, IoU.sofa: 0.6157, IoU.shelf: 0.4086, IoU.house: 0.4169, IoU.sea: 0.6078, IoU.mirror: 0.6489, IoU.rug: 0.5625, IoU.field: 0.2781, IoU.armchair: 0.3355, IoU.seat: 0.5511, IoU.fence: 0.3748, IoU.desk: 0.4977, IoU.rock: 0.3450, IoU.wardrobe: 0.3873, IoU.lamp: 0.6073, IoU.bathtub: 0.7454, IoU.railing: 0.3016, IoU.cushion: 0.5546, IoU.base: 0.3293, IoU.box: 0.2510, IoU.column: 0.3760, IoU.signboard: 0.3558, IoU.chest of drawers: 0.4019, IoU.counter: 0.3175, IoU.sand: 0.3454, IoU.sink: 0.7154, IoU.skyscraper: 0.3944, IoU.fireplace: 0.7805, IoU.refrigerator: 0.7416, IoU.grandstand: 0.3521, IoU.path: 0.2233, IoU.stairs: 0.2706, IoU.runway: 0.6973, IoU.case: 0.3738, IoU.pool table: 0.9253, IoU.pillow: 0.5734, IoU.screen door: 0.4867, IoU.stairway: 0.3425, IoU.river: 0.0820, IoU.bridge: 0.6626, IoU.bookcase: 0.4170, IoU.blind: 0.3839, IoU.coffee table: 0.5494, IoU.toilet: 0.8382, IoU.flower: 0.3711, IoU.book: 0.4696, IoU.hill: 0.1310, IoU.bench: 0.4562, IoU.countertop: 0.4611, IoU.stove: 0.7505, IoU.palm: 0.4578, IoU.kitchen island: 0.3590, IoU.computer: 0.6345, IoU.swivel chair: 0.4368, IoU.boat: 0.3494, IoU.bar: 0.3129, IoU.arcade machine: 0.6734, IoU.hovel: 0.3552, IoU.bus: 0.8256, IoU.towel: 0.5852, IoU.light: 0.5021, IoU.truck: 0.3722, IoU.tower: 0.2798, IoU.chandelier: 0.5773, IoU.awning: 0.2534, IoU.streetlight: 0.2282, IoU.booth: 0.5489, IoU.television receiver: 0.6528, IoU.airplane: 0.5692, IoU.dirt track: 0.0850, IoU.apparel: 0.2999, IoU.pole: 0.1392, IoU.land: 0.0317, IoU.bannister: 0.1361, IoU.escalator: 0.2557, IoU.ottoman: 0.3878, IoU.bottle: 0.3319, IoU.buffet: 0.3575, IoU.poster: 0.2680, IoU.stage: 0.1317, IoU.van: 0.3892, IoU.ship: 0.6333, IoU.fountain: 0.3032, IoU.conveyer belt: 0.7037, IoU.canopy: 0.1052, IoU.washer: 0.7748, IoU.plaything: 0.1895, IoU.swimming pool: 0.3654, IoU.stool: 0.3326, IoU.barrel: 0.5711, IoU.basket: 0.3454, IoU.waterfall: 0.4290, IoU.tent: 0.8485, IoU.bag: 0.1508, IoU.minibike: 0.6062, IoU.cradle: 0.7222, IoU.oven: 0.5006, IoU.ball: 0.4146, IoU.food: 0.5242, IoU.step: 0.1146, IoU.tank: 0.4826, IoU.trade name: 0.2676, IoU.microwave: 0.7347, IoU.pot: 0.4429, IoU.animal: 0.5725, IoU.bicycle: 0.5188, IoU.lake: 0.5835, IoU.dishwasher: 0.5960, IoU.screen: 0.6455, IoU.blanket: 0.0664, IoU.sculpture: 0.6293, IoU.hood: 0.6168, IoU.sconce: 0.3628, IoU.vase: 0.3166, IoU.traffic light: 0.2397, IoU.tray: 0.0661, IoU.ashcan: 0.3181, IoU.fan: 0.5618, IoU.pier: 0.3424, IoU.crt screen: 0.0871, IoU.plate: 0.5536, IoU.monitor: 0.5921, IoU.bulletin board: 0.2727, IoU.shower: 0.0000, IoU.radiator: 0.5279, IoU.glass: 0.1439, IoU.clock: 0.2709, IoU.flag: 0.5479, Acc.wall: 0.8333, Acc.building: 0.8527, Acc.sky: 0.9682, Acc.floor: 0.9168, Acc.tree: 0.9111, Acc.ceiling: 0.9288, Acc.road: 0.9189, Acc.bed : 0.9415, Acc.windowpane: 0.7933, Acc.grass: 0.8111, Acc.cabinet: 0.7264, Acc.sidewalk: 0.7498, Acc.person: 0.9132, Acc.earth: 0.4827, Acc.door: 0.7665, Acc.table: 0.7298, Acc.mountain: 0.6252, Acc.plant: 0.6426, Acc.curtain: 0.8457, Acc.chair: 0.7078, Acc.car: 0.9028, Acc.water: 0.7088, Acc.painting: 0.8807, Acc.sofa: 0.7783, Acc.shelf: 0.6496, Acc.house: 0.8488, Acc.sea: 0.7418, Acc.mirror: 0.6961, Acc.rug: 0.6169, Acc.field: 0.4585, Acc.armchair: 0.4409, Acc.seat: 0.8515, Acc.fence: 0.7772, Acc.desk: 0.6507, Acc.rock: 0.4544, Acc.wardrobe: 0.5977, Acc.lamp: 0.7406, Acc.bathtub: 0.8077, Acc.railing: 0.3777, Acc.cushion: 0.6886, Acc.base: 0.5869, Acc.box: 0.3363, Acc.column: 0.4913, Acc.signboard: 0.4709, Acc.chest of drawers: 0.5961, Acc.counter: 0.4802, Acc.sand: 0.5052, Acc.sink: 0.8088, Acc.skyscraper: 0.4938, Acc.fireplace: 0.8610, Acc.refrigerator: 0.8358, Acc.grandstand: 0.6873, Acc.path: 0.3357, Acc.stairs: 0.3366, Acc.runway: 0.9077, Acc.case: 0.4117, Acc.pool table: 0.9675, Acc.pillow: 0.7943, Acc.screen door: 0.5599, Acc.stairway: 0.4694, Acc.river: 0.1847, Acc.bridge: 0.8205, Acc.bookcase: 0.6034, Acc.blind: 0.4718, Acc.coffee table: 0.7986, Acc.toilet: 0.9013, Acc.flower: 0.5319, Acc.book: 0.6685, Acc.hill: 0.2110, Acc.bench: 0.5476, Acc.countertop: 0.6349, Acc.stove: 0.8374, Acc.palm: 0.5703, Acc.kitchen island: 0.7664, Acc.computer: 0.8253, Acc.swivel chair: 0.7598, Acc.boat: 0.4618, Acc.bar: 0.3849, Acc.arcade machine: 0.7306, Acc.hovel: 0.4210, Acc.bus: 0.9611, Acc.towel: 0.7037, Acc.light: 0.5475, Acc.truck: 0.4663, Acc.tower: 0.5378, Acc.chandelier: 0.9143, Acc.awning: 0.2966, Acc.streetlight: 0.5823, Acc.booth: 0.5678, Acc.television receiver: 0.7883, Acc.airplane: 0.7271, Acc.dirt track: 0.1425, Acc.apparel: 0.5661, Acc.pole: 0.1880, Acc.land: 0.0681, Acc.bannister: 0.1994, Acc.escalator: 0.2933, Acc.ottoman: 0.7645, Acc.bottle: 0.6392, Acc.buffet: 0.4449, Acc.poster: 0.4185, Acc.stage: 0.3223, Acc.van: 0.6216, Acc.ship: 0.9732, Acc.fountain: 0.3102, Acc.conveyer belt: 0.8037, Acc.canopy: 0.1319, Acc.washer: 0.8091, Acc.plaything: 0.4096, Acc.swimming pool: 0.5320, Acc.stool: 0.6499, Acc.barrel: 0.6432, Acc.basket: 0.5420, Acc.waterfall: 0.5599, Acc.tent: 0.9823, Acc.bag: 0.2327, Acc.minibike: 0.8905, Acc.cradle: 0.8893, Acc.oven: 0.6849, Acc.ball: 0.6663, Acc.food: 0.5798, Acc.step: 0.1270, Acc.tank: 0.4957, Acc.trade name: 0.3823, Acc.microwave: 0.8680, Acc.pot: 0.6279, Acc.animal: 0.6162, Acc.bicycle: 0.8835, Acc.lake: 0.6037, Acc.dishwasher: 0.8020, Acc.screen: 0.9012, Acc.blanket: 0.0796, Acc.sculpture: 0.7770, Acc.hood: 0.8714, Acc.sconce: 0.5217, Acc.vase: 0.6202, Acc.traffic light: 0.6961, Acc.tray: 0.0946, Acc.ashcan: 0.5291, Acc.fan: 0.8000, Acc.pier: 0.4243, Acc.crt screen: 0.1016, Acc.plate: 0.7549, Acc.monitor: 0.7422, Acc.bulletin board: 0.5402, Acc.shower: 0.0000, Acc.radiator: 0.6561, Acc.glass: 0.1668, Acc.clock: 0.5489, Acc.flag: 0.8339 2023-02-19 10:36:47,167 - mmseg - INFO - Iter [64050/160000] lr: 3.598e-05, eta: 9:49:16, time: 0.945, data_time: 0.592, memory: 20662, decode.loss_ce: 0.2146, decode.acc_seg: 91.7600, aux.loss_ce: 0.1183, aux.acc_seg: 88.4632, loss: 0.3328, grad_norm: 4.8991 2023-02-19 10:37:05,094 - mmseg - INFO - Iter [64100/160000] lr: 3.596e-05, eta: 9:48:57, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1933, decode.acc_seg: 92.2865, aux.loss_ce: 0.1117, aux.acc_seg: 88.8701, loss: 0.3051, grad_norm: 3.1483 2023-02-19 10:37:23,062 - mmseg - INFO - Iter [64150/160000] lr: 3.594e-05, eta: 9:48:37, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1964, decode.acc_seg: 92.0919, aux.loss_ce: 0.1097, aux.acc_seg: 89.0306, loss: 0.3061, grad_norm: 3.1872 2023-02-19 10:37:41,367 - mmseg - INFO - Iter [64200/160000] lr: 3.593e-05, eta: 9:48:19, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1941, decode.acc_seg: 92.4391, aux.loss_ce: 0.1085, aux.acc_seg: 89.2642, loss: 0.3026, grad_norm: 3.6472 2023-02-19 10:37:59,351 - mmseg - INFO - Iter [64250/160000] lr: 3.591e-05, eta: 9:48:00, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2081, decode.acc_seg: 91.8021, aux.loss_ce: 0.1116, aux.acc_seg: 88.8662, loss: 0.3197, grad_norm: 3.3883 2023-02-19 10:38:17,671 - mmseg - INFO - Iter [64300/160000] lr: 3.589e-05, eta: 9:47:41, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1937, decode.acc_seg: 92.2543, aux.loss_ce: 0.1102, aux.acc_seg: 88.9221, loss: 0.3039, grad_norm: 3.7262 2023-02-19 10:38:35,688 - mmseg - INFO - Iter [64350/160000] lr: 3.587e-05, eta: 9:47:22, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1965, decode.acc_seg: 92.1317, aux.loss_ce: 0.1103, aux.acc_seg: 88.8144, loss: 0.3067, grad_norm: 3.1110 2023-02-19 10:38:53,615 - mmseg - INFO - Iter [64400/160000] lr: 3.585e-05, eta: 9:47:03, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2001, decode.acc_seg: 91.8742, aux.loss_ce: 0.1120, aux.acc_seg: 88.6417, loss: 0.3121, grad_norm: 3.4544 2023-02-19 10:39:13,956 - mmseg - INFO - Iter [64450/160000] lr: 3.583e-05, eta: 9:46:47, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.2041, decode.acc_seg: 91.9484, aux.loss_ce: 0.1174, aux.acc_seg: 88.6078, loss: 0.3216, grad_norm: 3.4460 2023-02-19 10:39:32,040 - mmseg - INFO - Iter [64500/160000] lr: 3.581e-05, eta: 9:46:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1956, decode.acc_seg: 92.0872, aux.loss_ce: 0.1101, aux.acc_seg: 88.9654, loss: 0.3058, grad_norm: 3.0214 2023-02-19 10:39:50,069 - mmseg - INFO - Iter [64550/160000] lr: 3.579e-05, eta: 9:46:09, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1858, decode.acc_seg: 92.3945, aux.loss_ce: 0.1048, aux.acc_seg: 89.4348, loss: 0.2906, grad_norm: 3.3434 2023-02-19 10:40:08,063 - mmseg - INFO - Iter [64600/160000] lr: 3.578e-05, eta: 9:45:50, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1937, decode.acc_seg: 92.4235, aux.loss_ce: 0.1089, aux.acc_seg: 89.2090, loss: 0.3026, grad_norm: 3.5656 2023-02-19 10:40:26,083 - mmseg - INFO - Iter [64650/160000] lr: 3.576e-05, eta: 9:45:31, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1988, decode.acc_seg: 91.8973, aux.loss_ce: 0.1108, aux.acc_seg: 88.8222, loss: 0.3097, grad_norm: 3.4061 2023-02-19 10:40:44,428 - mmseg - INFO - Iter [64700/160000] lr: 3.574e-05, eta: 9:45:13, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1905, decode.acc_seg: 92.1718, aux.loss_ce: 0.1103, aux.acc_seg: 88.8014, loss: 0.3008, grad_norm: 3.7156 2023-02-19 10:41:02,632 - mmseg - INFO - Iter [64750/160000] lr: 3.572e-05, eta: 9:44:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1958, decode.acc_seg: 92.3513, aux.loss_ce: 0.1113, aux.acc_seg: 89.0618, loss: 0.3070, grad_norm: 4.9023 2023-02-19 10:41:20,841 - mmseg - INFO - Iter [64800/160000] lr: 3.570e-05, eta: 9:44:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1953, decode.acc_seg: 92.4224, aux.loss_ce: 0.1069, aux.acc_seg: 89.5290, loss: 0.3021, grad_norm: 3.2791 2023-02-19 10:41:39,100 - mmseg - INFO - Iter [64850/160000] lr: 3.568e-05, eta: 9:44:17, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1876, decode.acc_seg: 92.3822, aux.loss_ce: 0.1072, aux.acc_seg: 89.2734, loss: 0.2949, grad_norm: 3.3348 2023-02-19 10:41:57,547 - mmseg - INFO - Iter [64900/160000] lr: 3.566e-05, eta: 9:43:58, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1993, decode.acc_seg: 92.0769, aux.loss_ce: 0.1122, aux.acc_seg: 88.9419, loss: 0.3115, grad_norm: 4.8038 2023-02-19 10:42:15,747 - mmseg - INFO - Iter [64950/160000] lr: 3.564e-05, eta: 9:43:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1921, decode.acc_seg: 92.1454, aux.loss_ce: 0.1088, aux.acc_seg: 88.8235, loss: 0.3009, grad_norm: 3.5137 2023-02-19 10:42:33,827 - mmseg - INFO - Saving checkpoint at 65000 iterations 2023-02-19 10:42:35,631 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:42:35,632 - mmseg - INFO - Iter [65000/160000] lr: 3.563e-05, eta: 9:43:23, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1885, decode.acc_seg: 92.3321, aux.loss_ce: 0.1059, aux.acc_seg: 89.2627, loss: 0.2945, grad_norm: 3.3138 2023-02-19 10:42:53,737 - mmseg - INFO - Iter [65050/160000] lr: 3.561e-05, eta: 9:43:04, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1832, decode.acc_seg: 92.5550, aux.loss_ce: 0.1020, aux.acc_seg: 89.5463, loss: 0.2853, grad_norm: 3.0991 2023-02-19 10:43:11,830 - mmseg - INFO - Iter [65100/160000] lr: 3.559e-05, eta: 9:42:45, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1947, decode.acc_seg: 92.1043, aux.loss_ce: 0.1111, aux.acc_seg: 88.7009, loss: 0.3057, grad_norm: 4.4600 2023-02-19 10:43:29,874 - mmseg - INFO - Iter [65150/160000] lr: 3.557e-05, eta: 9:42:27, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1959, decode.acc_seg: 91.8992, aux.loss_ce: 0.1103, aux.acc_seg: 88.6741, loss: 0.3062, grad_norm: 3.4698 2023-02-19 10:43:47,869 - mmseg - INFO - Iter [65200/160000] lr: 3.555e-05, eta: 9:42:07, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2001, decode.acc_seg: 92.0074, aux.loss_ce: 0.1129, aux.acc_seg: 88.9061, loss: 0.3130, grad_norm: 3.2843 2023-02-19 10:44:05,852 - mmseg - INFO - Iter [65250/160000] lr: 3.553e-05, eta: 9:41:48, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1872, decode.acc_seg: 92.3247, aux.loss_ce: 0.1039, aux.acc_seg: 89.5043, loss: 0.2911, grad_norm: 2.6253 2023-02-19 10:44:23,969 - mmseg - INFO - Iter [65300/160000] lr: 3.551e-05, eta: 9:41:30, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1956, decode.acc_seg: 92.2718, aux.loss_ce: 0.1104, aux.acc_seg: 88.9062, loss: 0.3060, grad_norm: 4.5731 2023-02-19 10:44:42,120 - mmseg - INFO - Iter [65350/160000] lr: 3.549e-05, eta: 9:41:11, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1958, decode.acc_seg: 92.1749, aux.loss_ce: 0.1120, aux.acc_seg: 88.9416, loss: 0.3078, grad_norm: 3.1808 2023-02-19 10:45:00,210 - mmseg - INFO - Iter [65400/160000] lr: 3.548e-05, eta: 9:40:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2010, decode.acc_seg: 92.1134, aux.loss_ce: 0.1124, aux.acc_seg: 89.1320, loss: 0.3134, grad_norm: 3.5803 2023-02-19 10:45:18,305 - mmseg - INFO - Iter [65450/160000] lr: 3.546e-05, eta: 9:40:33, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2003, decode.acc_seg: 92.0081, aux.loss_ce: 0.1149, aux.acc_seg: 88.6389, loss: 0.3152, grad_norm: 3.5955 2023-02-19 10:45:36,765 - mmseg - INFO - Iter [65500/160000] lr: 3.544e-05, eta: 9:40:15, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1998, decode.acc_seg: 92.2129, aux.loss_ce: 0.1120, aux.acc_seg: 89.0274, loss: 0.3118, grad_norm: 3.2450 2023-02-19 10:45:55,202 - mmseg - INFO - Iter [65550/160000] lr: 3.542e-05, eta: 9:39:56, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1908, decode.acc_seg: 92.3370, aux.loss_ce: 0.1105, aux.acc_seg: 88.8650, loss: 0.3013, grad_norm: 3.4621 2023-02-19 10:46:13,310 - mmseg - INFO - Iter [65600/160000] lr: 3.540e-05, eta: 9:39:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1955, decode.acc_seg: 92.0782, aux.loss_ce: 0.1092, aux.acc_seg: 89.0413, loss: 0.3047, grad_norm: 3.1710 2023-02-19 10:46:31,558 - mmseg - INFO - Iter [65650/160000] lr: 3.538e-05, eta: 9:39:19, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2005, decode.acc_seg: 92.0507, aux.loss_ce: 0.1133, aux.acc_seg: 88.7205, loss: 0.3138, grad_norm: 3.6533 2023-02-19 10:46:51,908 - mmseg - INFO - Iter [65700/160000] lr: 3.536e-05, eta: 9:39:03, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1860, decode.acc_seg: 92.4516, aux.loss_ce: 0.1054, aux.acc_seg: 89.2432, loss: 0.2914, grad_norm: 3.4181 2023-02-19 10:47:09,953 - mmseg - INFO - Iter [65750/160000] lr: 3.534e-05, eta: 9:38:44, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1846, decode.acc_seg: 92.5525, aux.loss_ce: 0.1072, aux.acc_seg: 89.1882, loss: 0.2918, grad_norm: 3.3418 2023-02-19 10:47:27,961 - mmseg - INFO - Iter [65800/160000] lr: 3.533e-05, eta: 9:38:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1933, decode.acc_seg: 92.4124, aux.loss_ce: 0.1085, aux.acc_seg: 89.4143, loss: 0.3018, grad_norm: 3.0705 2023-02-19 10:47:45,989 - mmseg - INFO - Iter [65850/160000] lr: 3.531e-05, eta: 9:38:06, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1910, decode.acc_seg: 92.3043, aux.loss_ce: 0.1074, aux.acc_seg: 89.1254, loss: 0.2984, grad_norm: 3.3243 2023-02-19 10:48:03,978 - mmseg - INFO - Iter [65900/160000] lr: 3.529e-05, eta: 9:37:47, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1807, decode.acc_seg: 92.6097, aux.loss_ce: 0.1028, aux.acc_seg: 89.5864, loss: 0.2834, grad_norm: 2.8775 2023-02-19 10:48:22,054 - mmseg - INFO - Iter [65950/160000] lr: 3.527e-05, eta: 9:37:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1907, decode.acc_seg: 92.4083, aux.loss_ce: 0.1108, aux.acc_seg: 89.0731, loss: 0.3014, grad_norm: 3.9439 2023-02-19 10:48:40,022 - mmseg - INFO - Saving checkpoint at 66000 iterations 2023-02-19 10:48:41,972 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:48:41,972 - mmseg - INFO - Iter [66000/160000] lr: 3.525e-05, eta: 9:37:12, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1970, decode.acc_seg: 91.9110, aux.loss_ce: 0.1094, aux.acc_seg: 88.8408, loss: 0.3064, grad_norm: 3.7512 2023-02-19 10:48:59,926 - mmseg - INFO - Iter [66050/160000] lr: 3.523e-05, eta: 9:36:53, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1932, decode.acc_seg: 91.9601, aux.loss_ce: 0.1040, aux.acc_seg: 89.2140, loss: 0.2971, grad_norm: 2.8369 2023-02-19 10:49:17,922 - mmseg - INFO - Iter [66100/160000] lr: 3.521e-05, eta: 9:36:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2004, decode.acc_seg: 92.1034, aux.loss_ce: 0.1142, aux.acc_seg: 88.7141, loss: 0.3146, grad_norm: 3.1464 2023-02-19 10:49:35,953 - mmseg - INFO - Iter [66150/160000] lr: 3.519e-05, eta: 9:36:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2028, decode.acc_seg: 91.9082, aux.loss_ce: 0.1124, aux.acc_seg: 88.9788, loss: 0.3152, grad_norm: 3.5493 2023-02-19 10:49:54,058 - mmseg - INFO - Iter [66200/160000] lr: 3.518e-05, eta: 9:35:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1838, decode.acc_seg: 92.5822, aux.loss_ce: 0.1060, aux.acc_seg: 89.3463, loss: 0.2899, grad_norm: 2.9061 2023-02-19 10:50:12,569 - mmseg - INFO - Iter [66250/160000] lr: 3.516e-05, eta: 9:35:38, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1938, decode.acc_seg: 92.3902, aux.loss_ce: 0.1114, aux.acc_seg: 89.0471, loss: 0.3052, grad_norm: 2.9539 2023-02-19 10:50:30,614 - mmseg - INFO - Iter [66300/160000] lr: 3.514e-05, eta: 9:35:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1871, decode.acc_seg: 92.3957, aux.loss_ce: 0.1099, aux.acc_seg: 88.7949, loss: 0.2970, grad_norm: 3.8671 2023-02-19 10:50:48,679 - mmseg - INFO - Iter [66350/160000] lr: 3.512e-05, eta: 9:35:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1946, decode.acc_seg: 92.0512, aux.loss_ce: 0.1089, aux.acc_seg: 88.9897, loss: 0.3035, grad_norm: 3.2018 2023-02-19 10:51:06,625 - mmseg - INFO - Iter [66400/160000] lr: 3.510e-05, eta: 9:34:41, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1784, decode.acc_seg: 92.7531, aux.loss_ce: 0.1037, aux.acc_seg: 89.4459, loss: 0.2821, grad_norm: 2.9492 2023-02-19 10:51:24,808 - mmseg - INFO - Iter [66450/160000] lr: 3.508e-05, eta: 9:34:22, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1999, decode.acc_seg: 91.9395, aux.loss_ce: 0.1132, aux.acc_seg: 88.5826, loss: 0.3131, grad_norm: 2.9479 2023-02-19 10:51:42,767 - mmseg - INFO - Iter [66500/160000] lr: 3.506e-05, eta: 9:34:03, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1838, decode.acc_seg: 92.3698, aux.loss_ce: 0.1035, aux.acc_seg: 89.3318, loss: 0.2873, grad_norm: 3.4929 2023-02-19 10:52:01,042 - mmseg - INFO - Iter [66550/160000] lr: 3.504e-05, eta: 9:33:44, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1795, decode.acc_seg: 92.6668, aux.loss_ce: 0.1034, aux.acc_seg: 89.4719, loss: 0.2829, grad_norm: 2.7739 2023-02-19 10:52:19,302 - mmseg - INFO - Iter [66600/160000] lr: 3.503e-05, eta: 9:33:25, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1769, decode.acc_seg: 92.7755, aux.loss_ce: 0.1034, aux.acc_seg: 89.6297, loss: 0.2803, grad_norm: 3.6282 2023-02-19 10:52:37,979 - mmseg - INFO - Iter [66650/160000] lr: 3.501e-05, eta: 9:33:07, time: 0.374, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1950, decode.acc_seg: 92.1375, aux.loss_ce: 0.1096, aux.acc_seg: 88.9619, loss: 0.3046, grad_norm: 3.9607 2023-02-19 10:52:56,121 - mmseg - INFO - Iter [66700/160000] lr: 3.499e-05, eta: 9:32:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1913, decode.acc_seg: 92.2008, aux.loss_ce: 0.1068, aux.acc_seg: 89.2096, loss: 0.2981, grad_norm: 2.7692 2023-02-19 10:53:14,232 - mmseg - INFO - Iter [66750/160000] lr: 3.497e-05, eta: 9:32:30, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1920, decode.acc_seg: 92.3510, aux.loss_ce: 0.1075, aux.acc_seg: 89.1491, loss: 0.2994, grad_norm: 2.9728 2023-02-19 10:53:32,265 - mmseg - INFO - Iter [66800/160000] lr: 3.495e-05, eta: 9:32:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1793, decode.acc_seg: 92.6376, aux.loss_ce: 0.1053, aux.acc_seg: 89.2088, loss: 0.2846, grad_norm: 2.6327 2023-02-19 10:53:50,223 - mmseg - INFO - Iter [66850/160000] lr: 3.493e-05, eta: 9:31:52, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1912, decode.acc_seg: 92.1507, aux.loss_ce: 0.1095, aux.acc_seg: 88.8640, loss: 0.3007, grad_norm: 3.6095 2023-02-19 10:54:08,370 - mmseg - INFO - Iter [66900/160000] lr: 3.491e-05, eta: 9:31:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1806, decode.acc_seg: 92.7082, aux.loss_ce: 0.1063, aux.acc_seg: 89.2280, loss: 0.2869, grad_norm: 3.2005 2023-02-19 10:54:28,568 - mmseg - INFO - Iter [66950/160000] lr: 3.489e-05, eta: 9:31:17, time: 0.404, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1969, decode.acc_seg: 92.1369, aux.loss_ce: 0.1152, aux.acc_seg: 88.4578, loss: 0.3121, grad_norm: 3.1414 2023-02-19 10:54:46,485 - mmseg - INFO - Saving checkpoint at 67000 iterations 2023-02-19 10:54:48,428 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 10:54:48,428 - mmseg - INFO - Iter [67000/160000] lr: 3.488e-05, eta: 9:31:01, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1886, decode.acc_seg: 92.3841, aux.loss_ce: 0.1059, aux.acc_seg: 89.3406, loss: 0.2946, grad_norm: 3.3059 2023-02-19 10:55:06,407 - mmseg - INFO - Iter [67050/160000] lr: 3.486e-05, eta: 9:30:42, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1853, decode.acc_seg: 92.4702, aux.loss_ce: 0.1063, aux.acc_seg: 89.2687, loss: 0.2916, grad_norm: 3.2790 2023-02-19 10:55:24,901 - mmseg - INFO - Iter [67100/160000] lr: 3.484e-05, eta: 9:30:23, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.2031, decode.acc_seg: 91.9225, aux.loss_ce: 0.1102, aux.acc_seg: 88.9778, loss: 0.3133, grad_norm: 3.8938 2023-02-19 10:55:42,924 - mmseg - INFO - Iter [67150/160000] lr: 3.482e-05, eta: 9:30:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1832, decode.acc_seg: 92.4221, aux.loss_ce: 0.1052, aux.acc_seg: 89.2073, loss: 0.2883, grad_norm: 2.9299 2023-02-19 10:56:00,936 - mmseg - INFO - Iter [67200/160000] lr: 3.480e-05, eta: 9:29:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1787, decode.acc_seg: 92.7861, aux.loss_ce: 0.1066, aux.acc_seg: 89.3796, loss: 0.2853, grad_norm: 3.0902 2023-02-19 10:56:19,019 - mmseg - INFO - Iter [67250/160000] lr: 3.478e-05, eta: 9:29:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1875, decode.acc_seg: 92.4258, aux.loss_ce: 0.1068, aux.acc_seg: 89.3335, loss: 0.2943, grad_norm: 2.9451 2023-02-19 10:56:37,191 - mmseg - INFO - Iter [67300/160000] lr: 3.476e-05, eta: 9:29:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1845, decode.acc_seg: 92.5663, aux.loss_ce: 0.1054, aux.acc_seg: 89.4514, loss: 0.2898, grad_norm: 2.4403 2023-02-19 10:56:55,407 - mmseg - INFO - Iter [67350/160000] lr: 3.474e-05, eta: 9:28:49, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1766, decode.acc_seg: 92.6019, aux.loss_ce: 0.1026, aux.acc_seg: 89.3559, loss: 0.2792, grad_norm: 3.0640 2023-02-19 10:57:13,308 - mmseg - INFO - Iter [67400/160000] lr: 3.473e-05, eta: 9:28:30, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1709, decode.acc_seg: 93.0642, aux.loss_ce: 0.0988, aux.acc_seg: 90.0205, loss: 0.2697, grad_norm: 2.4306 2023-02-19 10:57:31,491 - mmseg - INFO - Iter [67450/160000] lr: 3.471e-05, eta: 9:28:11, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1846, decode.acc_seg: 92.5530, aux.loss_ce: 0.1086, aux.acc_seg: 89.1695, loss: 0.2932, grad_norm: 3.9378 2023-02-19 10:57:49,548 - mmseg - INFO - Iter [67500/160000] lr: 3.469e-05, eta: 9:27:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1946, decode.acc_seg: 92.1456, aux.loss_ce: 0.1087, aux.acc_seg: 88.9923, loss: 0.3032, grad_norm: 2.9834 2023-02-19 10:58:07,826 - mmseg - INFO - Iter [67550/160000] lr: 3.467e-05, eta: 9:27:34, time: 0.365, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1873, decode.acc_seg: 92.3557, aux.loss_ce: 0.1071, aux.acc_seg: 89.1597, loss: 0.2945, grad_norm: 3.5451 2023-02-19 10:58:26,127 - mmseg - INFO - Iter [67600/160000] lr: 3.465e-05, eta: 9:27:15, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1853, decode.acc_seg: 92.3533, aux.loss_ce: 0.1064, aux.acc_seg: 89.1961, loss: 0.2917, grad_norm: 3.0286 2023-02-19 10:58:44,133 - mmseg - INFO - Iter [67650/160000] lr: 3.463e-05, eta: 9:26:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1871, decode.acc_seg: 92.4114, aux.loss_ce: 0.1064, aux.acc_seg: 89.1963, loss: 0.2935, grad_norm: 3.1867 2023-02-19 10:59:02,107 - mmseg - INFO - Iter [67700/160000] lr: 3.461e-05, eta: 9:26:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1920, decode.acc_seg: 92.3765, aux.loss_ce: 0.1085, aux.acc_seg: 89.1699, loss: 0.3005, grad_norm: 3.1352 2023-02-19 10:59:20,581 - mmseg - INFO - Iter [67750/160000] lr: 3.459e-05, eta: 9:26:19, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1971, decode.acc_seg: 92.2637, aux.loss_ce: 0.1108, aux.acc_seg: 89.0235, loss: 0.3079, grad_norm: 3.4383 2023-02-19 10:59:38,518 - mmseg - INFO - Iter [67800/160000] lr: 3.458e-05, eta: 9:26:00, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1858, decode.acc_seg: 92.4149, aux.loss_ce: 0.1083, aux.acc_seg: 89.0405, loss: 0.2941, grad_norm: 3.8275 2023-02-19 10:59:56,691 - mmseg - INFO - Iter [67850/160000] lr: 3.456e-05, eta: 9:25:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1892, decode.acc_seg: 92.4949, aux.loss_ce: 0.1044, aux.acc_seg: 89.6245, loss: 0.2936, grad_norm: 3.2248 2023-02-19 11:00:14,942 - mmseg - INFO - Iter [67900/160000] lr: 3.454e-05, eta: 9:25:22, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1801, decode.acc_seg: 92.6642, aux.loss_ce: 0.1007, aux.acc_seg: 89.8865, loss: 0.2808, grad_norm: 2.9284 2023-02-19 11:00:32,864 - mmseg - INFO - Iter [67950/160000] lr: 3.452e-05, eta: 9:25:03, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1796, decode.acc_seg: 92.7978, aux.loss_ce: 0.1026, aux.acc_seg: 89.7502, loss: 0.2822, grad_norm: 2.8858 2023-02-19 11:00:50,868 - mmseg - INFO - Saving checkpoint at 68000 iterations 2023-02-19 11:00:52,606 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:00:52,606 - mmseg - INFO - Iter [68000/160000] lr: 3.450e-05, eta: 9:24:46, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1796, decode.acc_seg: 92.7112, aux.loss_ce: 0.1047, aux.acc_seg: 89.4855, loss: 0.2843, grad_norm: 3.1011 2023-02-19 11:01:11,266 - mmseg - INFO - Iter [68050/160000] lr: 3.448e-05, eta: 9:24:28, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1827, decode.acc_seg: 92.7952, aux.loss_ce: 0.1040, aux.acc_seg: 89.6634, loss: 0.2867, grad_norm: 3.1266 2023-02-19 11:01:29,622 - mmseg - INFO - Iter [68100/160000] lr: 3.446e-05, eta: 9:24:10, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1983, decode.acc_seg: 92.0533, aux.loss_ce: 0.1090, aux.acc_seg: 89.0459, loss: 0.3073, grad_norm: 3.7864 2023-02-19 11:01:47,721 - mmseg - INFO - Iter [68150/160000] lr: 3.444e-05, eta: 9:23:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1985, decode.acc_seg: 92.0466, aux.loss_ce: 0.1080, aux.acc_seg: 89.0992, loss: 0.3066, grad_norm: 4.2084 2023-02-19 11:02:05,818 - mmseg - INFO - Iter [68200/160000] lr: 3.443e-05, eta: 9:23:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1905, decode.acc_seg: 92.2758, aux.loss_ce: 0.1092, aux.acc_seg: 89.0034, loss: 0.2997, grad_norm: 3.1438 2023-02-19 11:02:26,415 - mmseg - INFO - Iter [68250/160000] lr: 3.441e-05, eta: 9:23:17, time: 0.412, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1777, decode.acc_seg: 92.8802, aux.loss_ce: 0.1027, aux.acc_seg: 89.7367, loss: 0.2804, grad_norm: 2.7225 2023-02-19 11:02:44,997 - mmseg - INFO - Iter [68300/160000] lr: 3.439e-05, eta: 9:22:59, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1885, decode.acc_seg: 92.3701, aux.loss_ce: 0.1070, aux.acc_seg: 89.2493, loss: 0.2954, grad_norm: 3.1086 2023-02-19 11:03:03,127 - mmseg - INFO - Iter [68350/160000] lr: 3.437e-05, eta: 9:22:40, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1801, decode.acc_seg: 92.6917, aux.loss_ce: 0.1037, aux.acc_seg: 89.4485, loss: 0.2838, grad_norm: 3.1243 2023-02-19 11:03:21,101 - mmseg - INFO - Iter [68400/160000] lr: 3.435e-05, eta: 9:22:21, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1789, decode.acc_seg: 92.7004, aux.loss_ce: 0.1033, aux.acc_seg: 89.6623, loss: 0.2821, grad_norm: 3.1024 2023-02-19 11:03:39,312 - mmseg - INFO - Iter [68450/160000] lr: 3.433e-05, eta: 9:22:02, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1842, decode.acc_seg: 92.4504, aux.loss_ce: 0.1022, aux.acc_seg: 89.6429, loss: 0.2865, grad_norm: 3.0053 2023-02-19 11:03:57,301 - mmseg - INFO - Iter [68500/160000] lr: 3.431e-05, eta: 9:21:43, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1873, decode.acc_seg: 92.4178, aux.loss_ce: 0.1062, aux.acc_seg: 89.0594, loss: 0.2934, grad_norm: 3.0835 2023-02-19 11:04:15,350 - mmseg - INFO - Iter [68550/160000] lr: 3.429e-05, eta: 9:21:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1924, decode.acc_seg: 92.2174, aux.loss_ce: 0.1103, aux.acc_seg: 88.7591, loss: 0.3028, grad_norm: 3.2430 2023-02-19 11:04:33,744 - mmseg - INFO - Iter [68600/160000] lr: 3.428e-05, eta: 9:21:06, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1818, decode.acc_seg: 92.7383, aux.loss_ce: 0.1007, aux.acc_seg: 89.8860, loss: 0.2825, grad_norm: 3.3089 2023-02-19 11:04:51,754 - mmseg - INFO - Iter [68650/160000] lr: 3.426e-05, eta: 9:20:47, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1916, decode.acc_seg: 92.4248, aux.loss_ce: 0.1072, aux.acc_seg: 89.3998, loss: 0.2988, grad_norm: 2.8677 2023-02-19 11:05:09,908 - mmseg - INFO - Iter [68700/160000] lr: 3.424e-05, eta: 9:20:28, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1809, decode.acc_seg: 92.8652, aux.loss_ce: 0.1060, aux.acc_seg: 89.5513, loss: 0.2869, grad_norm: 3.1537 2023-02-19 11:05:27,925 - mmseg - INFO - Iter [68750/160000] lr: 3.422e-05, eta: 9:20:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1806, decode.acc_seg: 92.7222, aux.loss_ce: 0.1036, aux.acc_seg: 89.6970, loss: 0.2841, grad_norm: 4.1105 2023-02-19 11:05:45,925 - mmseg - INFO - Iter [68800/160000] lr: 3.420e-05, eta: 9:19:50, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1836, decode.acc_seg: 92.6884, aux.loss_ce: 0.1039, aux.acc_seg: 89.5765, loss: 0.2875, grad_norm: 2.9618 2023-02-19 11:06:04,116 - mmseg - INFO - Iter [68850/160000] lr: 3.418e-05, eta: 9:19:31, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1747, decode.acc_seg: 92.8189, aux.loss_ce: 0.1022, aux.acc_seg: 89.6466, loss: 0.2769, grad_norm: 3.2699 2023-02-19 11:06:22,135 - mmseg - INFO - Iter [68900/160000] lr: 3.416e-05, eta: 9:19:12, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1848, decode.acc_seg: 92.5647, aux.loss_ce: 0.1068, aux.acc_seg: 89.4417, loss: 0.2916, grad_norm: 3.9826 2023-02-19 11:06:40,194 - mmseg - INFO - Iter [68950/160000] lr: 3.414e-05, eta: 9:18:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1783, decode.acc_seg: 92.8605, aux.loss_ce: 0.1005, aux.acc_seg: 89.7102, loss: 0.2788, grad_norm: 2.6711 2023-02-19 11:06:58,265 - mmseg - INFO - Saving checkpoint at 69000 iterations 2023-02-19 11:07:00,225 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:07:00,225 - mmseg - INFO - Iter [69000/160000] lr: 3.413e-05, eta: 9:18:37, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1818, decode.acc_seg: 92.5164, aux.loss_ce: 0.1061, aux.acc_seg: 89.2611, loss: 0.2879, grad_norm: 3.0874 2023-02-19 11:07:18,325 - mmseg - INFO - Iter [69050/160000] lr: 3.411e-05, eta: 9:18:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1966, decode.acc_seg: 92.2921, aux.loss_ce: 0.1078, aux.acc_seg: 89.3785, loss: 0.3044, grad_norm: 3.9521 2023-02-19 11:07:36,489 - mmseg - INFO - Iter [69100/160000] lr: 3.409e-05, eta: 9:18:00, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1885, decode.acc_seg: 92.5182, aux.loss_ce: 0.1066, aux.acc_seg: 89.3276, loss: 0.2951, grad_norm: 3.3709 2023-02-19 11:07:54,695 - mmseg - INFO - Iter [69150/160000] lr: 3.407e-05, eta: 9:17:41, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1899, decode.acc_seg: 92.3733, aux.loss_ce: 0.1076, aux.acc_seg: 89.2742, loss: 0.2975, grad_norm: 4.7418 2023-02-19 11:08:13,071 - mmseg - INFO - Iter [69200/160000] lr: 3.405e-05, eta: 9:17:22, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1905, decode.acc_seg: 92.4188, aux.loss_ce: 0.1091, aux.acc_seg: 89.2262, loss: 0.2996, grad_norm: 3.7138 2023-02-19 11:08:31,700 - mmseg - INFO - Iter [69250/160000] lr: 3.403e-05, eta: 9:17:04, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1728, decode.acc_seg: 93.0564, aux.loss_ce: 0.0998, aux.acc_seg: 89.9630, loss: 0.2726, grad_norm: 2.4090 2023-02-19 11:08:49,863 - mmseg - INFO - Iter [69300/160000] lr: 3.401e-05, eta: 9:16:46, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1853, decode.acc_seg: 92.3570, aux.loss_ce: 0.1039, aux.acc_seg: 89.3092, loss: 0.2893, grad_norm: 3.3262 2023-02-19 11:09:07,909 - mmseg - INFO - Iter [69350/160000] lr: 3.399e-05, eta: 9:16:27, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1945, decode.acc_seg: 92.0863, aux.loss_ce: 0.1102, aux.acc_seg: 88.7048, loss: 0.3047, grad_norm: 3.2819 2023-02-19 11:09:26,047 - mmseg - INFO - Iter [69400/160000] lr: 3.398e-05, eta: 9:16:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1923, decode.acc_seg: 92.2899, aux.loss_ce: 0.1098, aux.acc_seg: 89.1275, loss: 0.3020, grad_norm: 3.1245 2023-02-19 11:09:44,135 - mmseg - INFO - Iter [69450/160000] lr: 3.396e-05, eta: 9:15:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1724, decode.acc_seg: 92.9501, aux.loss_ce: 0.1007, aux.acc_seg: 89.6103, loss: 0.2731, grad_norm: 2.4471 2023-02-19 11:10:04,887 - mmseg - INFO - Iter [69500/160000] lr: 3.394e-05, eta: 9:15:34, time: 0.415, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1881, decode.acc_seg: 92.3236, aux.loss_ce: 0.1069, aux.acc_seg: 89.1238, loss: 0.2950, grad_norm: 3.0456 2023-02-19 11:10:22,914 - mmseg - INFO - Iter [69550/160000] lr: 3.392e-05, eta: 9:15:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1814, decode.acc_seg: 92.6248, aux.loss_ce: 0.1021, aux.acc_seg: 89.7135, loss: 0.2835, grad_norm: 2.9105 2023-02-19 11:10:40,976 - mmseg - INFO - Iter [69600/160000] lr: 3.390e-05, eta: 9:14:56, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1726, decode.acc_seg: 93.0467, aux.loss_ce: 0.1047, aux.acc_seg: 89.4886, loss: 0.2772, grad_norm: 3.7409 2023-02-19 11:10:59,175 - mmseg - INFO - Iter [69650/160000] lr: 3.388e-05, eta: 9:14:37, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1888, decode.acc_seg: 92.5101, aux.loss_ce: 0.1074, aux.acc_seg: 89.2065, loss: 0.2961, grad_norm: 3.3148 2023-02-19 11:11:17,223 - mmseg - INFO - Iter [69700/160000] lr: 3.386e-05, eta: 9:14:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1797, decode.acc_seg: 92.7853, aux.loss_ce: 0.1018, aux.acc_seg: 89.8604, loss: 0.2815, grad_norm: 3.2133 2023-02-19 11:11:35,279 - mmseg - INFO - Iter [69750/160000] lr: 3.384e-05, eta: 9:13:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1760, decode.acc_seg: 92.6588, aux.loss_ce: 0.1030, aux.acc_seg: 89.3437, loss: 0.2790, grad_norm: 2.6886 2023-02-19 11:11:53,636 - mmseg - INFO - Iter [69800/160000] lr: 3.383e-05, eta: 9:13:41, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1820, decode.acc_seg: 92.6975, aux.loss_ce: 0.1054, aux.acc_seg: 89.3972, loss: 0.2874, grad_norm: 3.0937 2023-02-19 11:12:11,702 - mmseg - INFO - Iter [69850/160000] lr: 3.381e-05, eta: 9:13:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1814, decode.acc_seg: 92.7336, aux.loss_ce: 0.1034, aux.acc_seg: 89.6727, loss: 0.2849, grad_norm: 2.8111 2023-02-19 11:12:29,945 - mmseg - INFO - Iter [69900/160000] lr: 3.379e-05, eta: 9:13:03, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1730, decode.acc_seg: 93.1768, aux.loss_ce: 0.0995, aux.acc_seg: 90.1952, loss: 0.2725, grad_norm: 2.9053 2023-02-19 11:12:47,932 - mmseg - INFO - Iter [69950/160000] lr: 3.377e-05, eta: 9:12:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1830, decode.acc_seg: 92.7014, aux.loss_ce: 0.1012, aux.acc_seg: 89.8873, loss: 0.2842, grad_norm: 3.0289 2023-02-19 11:13:05,902 - mmseg - INFO - Saving checkpoint at 70000 iterations 2023-02-19 11:13:07,672 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:13:07,672 - mmseg - INFO - Iter [70000/160000] lr: 3.375e-05, eta: 9:12:28, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1812, decode.acc_seg: 92.6510, aux.loss_ce: 0.1061, aux.acc_seg: 89.4400, loss: 0.2873, grad_norm: 3.5647 2023-02-19 11:13:25,797 - mmseg - INFO - Iter [70050/160000] lr: 3.373e-05, eta: 9:12:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1782, decode.acc_seg: 92.7203, aux.loss_ce: 0.1036, aux.acc_seg: 89.5471, loss: 0.2817, grad_norm: 3.6704 2023-02-19 11:13:44,320 - mmseg - INFO - Iter [70100/160000] lr: 3.371e-05, eta: 9:11:51, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1881, decode.acc_seg: 92.4454, aux.loss_ce: 0.1056, aux.acc_seg: 89.3984, loss: 0.2937, grad_norm: 3.8611 2023-02-19 11:14:02,358 - mmseg - INFO - Iter [70150/160000] lr: 3.369e-05, eta: 9:11:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1942, decode.acc_seg: 92.2022, aux.loss_ce: 0.1081, aux.acc_seg: 89.1302, loss: 0.3023, grad_norm: 3.3757 2023-02-19 11:14:20,422 - mmseg - INFO - Iter [70200/160000] lr: 3.368e-05, eta: 9:11:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1766, decode.acc_seg: 92.8811, aux.loss_ce: 0.1017, aux.acc_seg: 89.8042, loss: 0.2783, grad_norm: 2.9054 2023-02-19 11:14:38,438 - mmseg - INFO - Iter [70250/160000] lr: 3.366e-05, eta: 9:10:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1853, decode.acc_seg: 92.7259, aux.loss_ce: 0.1066, aux.acc_seg: 89.4814, loss: 0.2919, grad_norm: 3.5219 2023-02-19 11:14:56,451 - mmseg - INFO - Iter [70300/160000] lr: 3.364e-05, eta: 9:10:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1756, decode.acc_seg: 92.8207, aux.loss_ce: 0.1008, aux.acc_seg: 89.6283, loss: 0.2764, grad_norm: 2.7456 2023-02-19 11:15:14,694 - mmseg - INFO - Iter [70350/160000] lr: 3.362e-05, eta: 9:10:16, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1871, decode.acc_seg: 92.5008, aux.loss_ce: 0.1095, aux.acc_seg: 89.0698, loss: 0.2966, grad_norm: 3.5349 2023-02-19 11:15:32,876 - mmseg - INFO - Iter [70400/160000] lr: 3.360e-05, eta: 9:09:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1827, decode.acc_seg: 92.7224, aux.loss_ce: 0.1026, aux.acc_seg: 89.7951, loss: 0.2853, grad_norm: 3.2538 2023-02-19 11:15:51,276 - mmseg - INFO - Iter [70450/160000] lr: 3.358e-05, eta: 9:09:39, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1893, decode.acc_seg: 92.5804, aux.loss_ce: 0.1089, aux.acc_seg: 89.4561, loss: 0.2983, grad_norm: 3.4807 2023-02-19 11:16:09,715 - mmseg - INFO - Iter [70500/160000] lr: 3.356e-05, eta: 9:09:21, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1870, decode.acc_seg: 92.4539, aux.loss_ce: 0.1058, aux.acc_seg: 89.5245, loss: 0.2928, grad_norm: 3.2798 2023-02-19 11:16:27,801 - mmseg - INFO - Iter [70550/160000] lr: 3.354e-05, eta: 9:09:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1865, decode.acc_seg: 92.6375, aux.loss_ce: 0.1050, aux.acc_seg: 89.7362, loss: 0.2915, grad_norm: 3.2833 2023-02-19 11:16:45,865 - mmseg - INFO - Iter [70600/160000] lr: 3.353e-05, eta: 9:08:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1863, decode.acc_seg: 92.4168, aux.loss_ce: 0.1056, aux.acc_seg: 89.2788, loss: 0.2919, grad_norm: 3.5736 2023-02-19 11:17:03,972 - mmseg - INFO - Iter [70650/160000] lr: 3.351e-05, eta: 9:08:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1743, decode.acc_seg: 92.6907, aux.loss_ce: 0.1011, aux.acc_seg: 89.6382, loss: 0.2754, grad_norm: 3.1169 2023-02-19 11:17:22,289 - mmseg - INFO - Iter [70700/160000] lr: 3.349e-05, eta: 9:08:06, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1787, decode.acc_seg: 92.7428, aux.loss_ce: 0.1036, aux.acc_seg: 89.5369, loss: 0.2823, grad_norm: 2.8244 2023-02-19 11:17:42,579 - mmseg - INFO - Iter [70750/160000] lr: 3.347e-05, eta: 9:07:50, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1848, decode.acc_seg: 92.4203, aux.loss_ce: 0.1056, aux.acc_seg: 89.2031, loss: 0.2904, grad_norm: 3.0807 2023-02-19 11:18:00,629 - mmseg - INFO - Iter [70800/160000] lr: 3.345e-05, eta: 9:07:31, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1839, decode.acc_seg: 92.5166, aux.loss_ce: 0.1030, aux.acc_seg: 89.5039, loss: 0.2868, grad_norm: 3.3268 2023-02-19 11:18:18,661 - mmseg - INFO - Iter [70850/160000] lr: 3.343e-05, eta: 9:07:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1832, decode.acc_seg: 92.7333, aux.loss_ce: 0.1071, aux.acc_seg: 89.3892, loss: 0.2903, grad_norm: 3.0268 2023-02-19 11:18:36,672 - mmseg - INFO - Iter [70900/160000] lr: 3.341e-05, eta: 9:06:53, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1910, decode.acc_seg: 92.2810, aux.loss_ce: 0.1082, aux.acc_seg: 89.3030, loss: 0.2992, grad_norm: 3.1003 2023-02-19 11:18:54,702 - mmseg - INFO - Iter [70950/160000] lr: 3.339e-05, eta: 9:06:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1576, decode.acc_seg: 93.3977, aux.loss_ce: 0.0915, aux.acc_seg: 90.4700, loss: 0.2492, grad_norm: 2.5566 2023-02-19 11:19:13,333 - mmseg - INFO - Saving checkpoint at 71000 iterations 2023-02-19 11:19:15,066 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:19:15,066 - mmseg - INFO - Iter [71000/160000] lr: 3.338e-05, eta: 9:06:18, time: 0.407, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1805, decode.acc_seg: 92.6887, aux.loss_ce: 0.1042, aux.acc_seg: 89.5065, loss: 0.2847, grad_norm: 2.5086 2023-02-19 11:19:33,449 - mmseg - INFO - Iter [71050/160000] lr: 3.336e-05, eta: 9:06:00, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1698, decode.acc_seg: 93.0511, aux.loss_ce: 0.1011, aux.acc_seg: 89.8648, loss: 0.2709, grad_norm: 3.1774 2023-02-19 11:19:51,472 - mmseg - INFO - Iter [71100/160000] lr: 3.334e-05, eta: 9:05:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1742, decode.acc_seg: 92.8209, aux.loss_ce: 0.0982, aux.acc_seg: 89.9828, loss: 0.2723, grad_norm: 2.7699 2023-02-19 11:20:09,524 - mmseg - INFO - Iter [71150/160000] lr: 3.332e-05, eta: 9:05:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1735, decode.acc_seg: 92.9051, aux.loss_ce: 0.1030, aux.acc_seg: 89.4142, loss: 0.2765, grad_norm: 3.6310 2023-02-19 11:20:27,518 - mmseg - INFO - Iter [71200/160000] lr: 3.330e-05, eta: 9:05:03, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1723, decode.acc_seg: 92.8209, aux.loss_ce: 0.0993, aux.acc_seg: 89.7220, loss: 0.2716, grad_norm: 2.5339 2023-02-19 11:20:45,517 - mmseg - INFO - Iter [71250/160000] lr: 3.328e-05, eta: 9:04:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1779, decode.acc_seg: 92.8091, aux.loss_ce: 0.1033, aux.acc_seg: 89.3909, loss: 0.2811, grad_norm: 2.8135 2023-02-19 11:21:03,606 - mmseg - INFO - Iter [71300/160000] lr: 3.326e-05, eta: 9:04:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1854, decode.acc_seg: 92.3074, aux.loss_ce: 0.1091, aux.acc_seg: 89.0243, loss: 0.2944, grad_norm: 3.5449 2023-02-19 11:21:21,574 - mmseg - INFO - Iter [71350/160000] lr: 3.324e-05, eta: 9:04:06, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1830, decode.acc_seg: 92.5194, aux.loss_ce: 0.1034, aux.acc_seg: 89.3934, loss: 0.2864, grad_norm: 2.8659 2023-02-19 11:21:39,645 - mmseg - INFO - Iter [71400/160000] lr: 3.323e-05, eta: 9:03:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1845, decode.acc_seg: 92.4870, aux.loss_ce: 0.1059, aux.acc_seg: 89.5272, loss: 0.2903, grad_norm: 2.8336 2023-02-19 11:21:57,773 - mmseg - INFO - Iter [71450/160000] lr: 3.321e-05, eta: 9:03:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1914, decode.acc_seg: 92.3358, aux.loss_ce: 0.1066, aux.acc_seg: 89.2010, loss: 0.2980, grad_norm: 2.3808 2023-02-19 11:22:15,866 - mmseg - INFO - Iter [71500/160000] lr: 3.319e-05, eta: 9:03:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1799, decode.acc_seg: 92.6396, aux.loss_ce: 0.1000, aux.acc_seg: 89.7302, loss: 0.2798, grad_norm: 2.6438 2023-02-19 11:22:33,958 - mmseg - INFO - Iter [71550/160000] lr: 3.317e-05, eta: 9:02:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1716, decode.acc_seg: 92.9920, aux.loss_ce: 0.1009, aux.acc_seg: 89.8833, loss: 0.2725, grad_norm: 3.1253 2023-02-19 11:22:52,326 - mmseg - INFO - Iter [71600/160000] lr: 3.315e-05, eta: 9:02:33, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1788, decode.acc_seg: 92.8523, aux.loss_ce: 0.1016, aux.acc_seg: 89.7248, loss: 0.2804, grad_norm: 3.4328 2023-02-19 11:23:10,554 - mmseg - INFO - Iter [71650/160000] lr: 3.313e-05, eta: 9:02:14, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1693, decode.acc_seg: 93.0765, aux.loss_ce: 0.0978, aux.acc_seg: 90.0562, loss: 0.2671, grad_norm: 2.3346 2023-02-19 11:23:28,604 - mmseg - INFO - Iter [71700/160000] lr: 3.311e-05, eta: 9:01:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1788, decode.acc_seg: 92.6126, aux.loss_ce: 0.1087, aux.acc_seg: 88.9086, loss: 0.2875, grad_norm: 3.1503 2023-02-19 11:23:46,665 - mmseg - INFO - Iter [71750/160000] lr: 3.309e-05, eta: 9:01:36, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1800, decode.acc_seg: 92.6674, aux.loss_ce: 0.1040, aux.acc_seg: 89.5402, loss: 0.2840, grad_norm: 3.1437 2023-02-19 11:24:04,862 - mmseg - INFO - Iter [71800/160000] lr: 3.308e-05, eta: 9:01:18, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1766, decode.acc_seg: 92.9035, aux.loss_ce: 0.1005, aux.acc_seg: 89.9388, loss: 0.2772, grad_norm: 2.5933 2023-02-19 11:24:22,908 - mmseg - INFO - Iter [71850/160000] lr: 3.306e-05, eta: 9:00:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1834, decode.acc_seg: 92.6474, aux.loss_ce: 0.1054, aux.acc_seg: 89.4901, loss: 0.2888, grad_norm: 3.0720 2023-02-19 11:24:41,060 - mmseg - INFO - Iter [71900/160000] lr: 3.304e-05, eta: 9:00:40, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1755, decode.acc_seg: 92.8769, aux.loss_ce: 0.1016, aux.acc_seg: 89.6984, loss: 0.2771, grad_norm: 2.5225 2023-02-19 11:24:59,227 - mmseg - INFO - Iter [71950/160000] lr: 3.302e-05, eta: 9:00:21, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1820, decode.acc_seg: 92.6162, aux.loss_ce: 0.1034, aux.acc_seg: 89.4850, loss: 0.2853, grad_norm: 4.6623 2023-02-19 11:25:19,591 - mmseg - INFO - Saving checkpoint at 72000 iterations 2023-02-19 11:25:21,324 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:25:21,324 - mmseg - INFO - Iter [72000/160000] lr: 3.300e-05, eta: 9:00:07, time: 0.442, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1778, decode.acc_seg: 92.6617, aux.loss_ce: 0.1054, aux.acc_seg: 89.3073, loss: 0.2832, grad_norm: 3.7936 2023-02-19 11:25:39,493 - mmseg - INFO - Iter [72050/160000] lr: 3.298e-05, eta: 8:59:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1837, decode.acc_seg: 92.5304, aux.loss_ce: 0.1072, aux.acc_seg: 89.2348, loss: 0.2909, grad_norm: 3.3868 2023-02-19 11:25:57,764 - mmseg - INFO - Iter [72100/160000] lr: 3.296e-05, eta: 8:59:30, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1759, decode.acc_seg: 93.0517, aux.loss_ce: 0.1010, aux.acc_seg: 89.9855, loss: 0.2769, grad_norm: 3.0402 2023-02-19 11:26:15,844 - mmseg - INFO - Iter [72150/160000] lr: 3.294e-05, eta: 8:59:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1692, decode.acc_seg: 93.2283, aux.loss_ce: 0.0984, aux.acc_seg: 90.1440, loss: 0.2676, grad_norm: 2.9966 2023-02-19 11:26:33,914 - mmseg - INFO - Iter [72200/160000] lr: 3.293e-05, eta: 8:58:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1850, decode.acc_seg: 92.4874, aux.loss_ce: 0.1051, aux.acc_seg: 89.4240, loss: 0.2901, grad_norm: 3.2318 2023-02-19 11:26:52,079 - mmseg - INFO - Iter [72250/160000] lr: 3.291e-05, eta: 8:58:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1715, decode.acc_seg: 93.0437, aux.loss_ce: 0.0981, aux.acc_seg: 90.1258, loss: 0.2697, grad_norm: 2.8081 2023-02-19 11:27:10,121 - mmseg - INFO - Iter [72300/160000] lr: 3.289e-05, eta: 8:58:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1710, decode.acc_seg: 93.1721, aux.loss_ce: 0.0993, aux.acc_seg: 90.1383, loss: 0.2704, grad_norm: 2.6222 2023-02-19 11:27:28,124 - mmseg - INFO - Iter [72350/160000] lr: 3.287e-05, eta: 8:57:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1760, decode.acc_seg: 93.0244, aux.loss_ce: 0.1007, aux.acc_seg: 89.9137, loss: 0.2768, grad_norm: 2.8771 2023-02-19 11:27:46,275 - mmseg - INFO - Iter [72400/160000] lr: 3.285e-05, eta: 8:57:37, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1755, decode.acc_seg: 92.7202, aux.loss_ce: 0.0995, aux.acc_seg: 89.6047, loss: 0.2750, grad_norm: 2.8704 2023-02-19 11:28:04,545 - mmseg - INFO - Iter [72450/160000] lr: 3.283e-05, eta: 8:57:19, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1773, decode.acc_seg: 92.7839, aux.loss_ce: 0.1046, aux.acc_seg: 89.3542, loss: 0.2818, grad_norm: 2.9369 2023-02-19 11:28:22,586 - mmseg - INFO - Iter [72500/160000] lr: 3.281e-05, eta: 8:57:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1865, decode.acc_seg: 92.7303, aux.loss_ce: 0.1056, aux.acc_seg: 89.5186, loss: 0.2921, grad_norm: 3.3535 2023-02-19 11:28:40,741 - mmseg - INFO - Iter [72550/160000] lr: 3.279e-05, eta: 8:56:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1819, decode.acc_seg: 92.6387, aux.loss_ce: 0.0985, aux.acc_seg: 90.0131, loss: 0.2804, grad_norm: 3.1450 2023-02-19 11:28:59,027 - mmseg - INFO - Iter [72600/160000] lr: 3.278e-05, eta: 8:56:23, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1911, decode.acc_seg: 92.5593, aux.loss_ce: 0.1090, aux.acc_seg: 89.2795, loss: 0.3001, grad_norm: 3.5001 2023-02-19 11:29:17,349 - mmseg - INFO - Iter [72650/160000] lr: 3.276e-05, eta: 8:56:04, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1762, decode.acc_seg: 92.7442, aux.loss_ce: 0.1009, aux.acc_seg: 89.5967, loss: 0.2771, grad_norm: 2.8260 2023-02-19 11:29:35,418 - mmseg - INFO - Iter [72700/160000] lr: 3.274e-05, eta: 8:55:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1731, decode.acc_seg: 92.9340, aux.loss_ce: 0.0992, aux.acc_seg: 89.9366, loss: 0.2723, grad_norm: 2.9210 2023-02-19 11:29:53,508 - mmseg - INFO - Iter [72750/160000] lr: 3.272e-05, eta: 8:55:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1675, decode.acc_seg: 93.1893, aux.loss_ce: 0.0952, aux.acc_seg: 90.3748, loss: 0.2627, grad_norm: 2.7978 2023-02-19 11:30:11,701 - mmseg - INFO - Iter [72800/160000] lr: 3.270e-05, eta: 8:55:08, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1848, decode.acc_seg: 92.4609, aux.loss_ce: 0.1054, aux.acc_seg: 89.3623, loss: 0.2902, grad_norm: 3.2955 2023-02-19 11:30:29,809 - mmseg - INFO - Iter [72850/160000] lr: 3.268e-05, eta: 8:54:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1843, decode.acc_seg: 92.3393, aux.loss_ce: 0.1078, aux.acc_seg: 89.0456, loss: 0.2921, grad_norm: 3.0416 2023-02-19 11:30:48,119 - mmseg - INFO - Iter [72900/160000] lr: 3.266e-05, eta: 8:54:30, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1745, decode.acc_seg: 92.9596, aux.loss_ce: 0.1023, aux.acc_seg: 89.7930, loss: 0.2768, grad_norm: 2.8740 2023-02-19 11:31:06,129 - mmseg - INFO - Iter [72950/160000] lr: 3.264e-05, eta: 8:54:12, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1802, decode.acc_seg: 92.6557, aux.loss_ce: 0.1014, aux.acc_seg: 89.6094, loss: 0.2816, grad_norm: 3.6207 2023-02-19 11:31:24,392 - mmseg - INFO - Saving checkpoint at 73000 iterations 2023-02-19 11:31:26,168 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:31:26,168 - mmseg - INFO - Iter [73000/160000] lr: 3.263e-05, eta: 8:53:55, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1769, decode.acc_seg: 92.8773, aux.loss_ce: 0.1043, aux.acc_seg: 89.5812, loss: 0.2813, grad_norm: 3.3098 2023-02-19 11:31:44,589 - mmseg - INFO - Iter [73050/160000] lr: 3.261e-05, eta: 8:53:37, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1745, decode.acc_seg: 92.9852, aux.loss_ce: 0.1026, aux.acc_seg: 89.6135, loss: 0.2771, grad_norm: 2.4189 2023-02-19 11:32:02,747 - mmseg - INFO - Iter [73100/160000] lr: 3.259e-05, eta: 8:53:18, time: 0.364, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1867, decode.acc_seg: 92.4427, aux.loss_ce: 0.1049, aux.acc_seg: 89.6005, loss: 0.2916, grad_norm: 4.0390 2023-02-19 11:32:20,974 - mmseg - INFO - Iter [73150/160000] lr: 3.257e-05, eta: 8:52:59, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1834, decode.acc_seg: 92.2930, aux.loss_ce: 0.1045, aux.acc_seg: 89.1649, loss: 0.2879, grad_norm: 3.7499 2023-02-19 11:32:39,118 - mmseg - INFO - Iter [73200/160000] lr: 3.255e-05, eta: 8:52:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1764, decode.acc_seg: 92.9262, aux.loss_ce: 0.1019, aux.acc_seg: 89.8349, loss: 0.2782, grad_norm: 3.1487 2023-02-19 11:32:57,285 - mmseg - INFO - Iter [73250/160000] lr: 3.253e-05, eta: 8:52:22, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1839, decode.acc_seg: 92.4615, aux.loss_ce: 0.1065, aux.acc_seg: 89.1917, loss: 0.2904, grad_norm: 3.5923 2023-02-19 11:33:18,087 - mmseg - INFO - Iter [73300/160000] lr: 3.251e-05, eta: 8:52:06, time: 0.416, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1656, decode.acc_seg: 93.3151, aux.loss_ce: 0.0959, aux.acc_seg: 90.3266, loss: 0.2615, grad_norm: 2.7015 2023-02-19 11:33:36,328 - mmseg - INFO - Iter [73350/160000] lr: 3.249e-05, eta: 8:51:48, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1628, decode.acc_seg: 93.3673, aux.loss_ce: 0.0960, aux.acc_seg: 90.0764, loss: 0.2588, grad_norm: 2.7176 2023-02-19 11:33:54,717 - mmseg - INFO - Iter [73400/160000] lr: 3.248e-05, eta: 8:51:29, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1756, decode.acc_seg: 92.9540, aux.loss_ce: 0.1018, aux.acc_seg: 89.6134, loss: 0.2774, grad_norm: 2.6839 2023-02-19 11:34:12,759 - mmseg - INFO - Iter [73450/160000] lr: 3.246e-05, eta: 8:51:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1829, decode.acc_seg: 92.6201, aux.loss_ce: 0.1049, aux.acc_seg: 89.4325, loss: 0.2878, grad_norm: 3.5600 2023-02-19 11:34:31,054 - mmseg - INFO - Iter [73500/160000] lr: 3.244e-05, eta: 8:50:52, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1776, decode.acc_seg: 92.8842, aux.loss_ce: 0.1024, aux.acc_seg: 89.8785, loss: 0.2800, grad_norm: 3.4508 2023-02-19 11:34:49,325 - mmseg - INFO - Iter [73550/160000] lr: 3.242e-05, eta: 8:50:33, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1794, decode.acc_seg: 92.8249, aux.loss_ce: 0.1003, aux.acc_seg: 89.9043, loss: 0.2797, grad_norm: 2.8365 2023-02-19 11:35:07,341 - mmseg - INFO - Iter [73600/160000] lr: 3.240e-05, eta: 8:50:14, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1688, decode.acc_seg: 93.2474, aux.loss_ce: 0.0971, aux.acc_seg: 90.3399, loss: 0.2659, grad_norm: 2.6958 2023-02-19 11:35:25,386 - mmseg - INFO - Iter [73650/160000] lr: 3.238e-05, eta: 8:49:56, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1771, decode.acc_seg: 92.8950, aux.loss_ce: 0.1049, aux.acc_seg: 89.5665, loss: 0.2820, grad_norm: 3.2011 2023-02-19 11:35:43,566 - mmseg - INFO - Iter [73700/160000] lr: 3.236e-05, eta: 8:49:37, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1742, decode.acc_seg: 93.0007, aux.loss_ce: 0.0996, aux.acc_seg: 90.0427, loss: 0.2739, grad_norm: 3.2727 2023-02-19 11:36:01,919 - mmseg - INFO - Iter [73750/160000] lr: 3.234e-05, eta: 8:49:18, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1738, decode.acc_seg: 92.9010, aux.loss_ce: 0.0990, aux.acc_seg: 89.9578, loss: 0.2728, grad_norm: 2.7210 2023-02-19 11:36:19,971 - mmseg - INFO - Iter [73800/160000] lr: 3.233e-05, eta: 8:49:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1783, decode.acc_seg: 92.8448, aux.loss_ce: 0.1054, aux.acc_seg: 89.5112, loss: 0.2837, grad_norm: 2.9174 2023-02-19 11:36:38,060 - mmseg - INFO - Iter [73850/160000] lr: 3.231e-05, eta: 8:48:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1775, decode.acc_seg: 92.9148, aux.loss_ce: 0.1046, aux.acc_seg: 89.5589, loss: 0.2821, grad_norm: 3.6990 2023-02-19 11:36:56,243 - mmseg - INFO - Iter [73900/160000] lr: 3.229e-05, eta: 8:48:22, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1774, decode.acc_seg: 92.7485, aux.loss_ce: 0.0994, aux.acc_seg: 89.8891, loss: 0.2769, grad_norm: 2.8396 2023-02-19 11:37:14,312 - mmseg - INFO - Iter [73950/160000] lr: 3.227e-05, eta: 8:48:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1764, decode.acc_seg: 92.8936, aux.loss_ce: 0.0996, aux.acc_seg: 90.0811, loss: 0.2759, grad_norm: 2.6530 2023-02-19 11:37:32,458 - mmseg - INFO - Saving checkpoint at 74000 iterations 2023-02-19 11:37:34,195 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:37:34,195 - mmseg - INFO - Iter [74000/160000] lr: 3.225e-05, eta: 8:47:47, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1814, decode.acc_seg: 92.7649, aux.loss_ce: 0.1045, aux.acc_seg: 89.6942, loss: 0.2859, grad_norm: 2.8542 2023-02-19 11:37:52,273 - mmseg - INFO - Iter [74050/160000] lr: 3.223e-05, eta: 8:47:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1836, decode.acc_seg: 92.5939, aux.loss_ce: 0.1062, aux.acc_seg: 89.3764, loss: 0.2898, grad_norm: 3.4042 2023-02-19 11:38:10,350 - mmseg - INFO - Iter [74100/160000] lr: 3.221e-05, eta: 8:47:09, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1630, decode.acc_seg: 93.2719, aux.loss_ce: 0.0961, aux.acc_seg: 90.1205, loss: 0.2591, grad_norm: 2.6922 2023-02-19 11:38:28,432 - mmseg - INFO - Iter [74150/160000] lr: 3.219e-05, eta: 8:46:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1768, decode.acc_seg: 92.7439, aux.loss_ce: 0.1019, aux.acc_seg: 89.7727, loss: 0.2787, grad_norm: 3.4355 2023-02-19 11:38:46,634 - mmseg - INFO - Iter [74200/160000] lr: 3.218e-05, eta: 8:46:32, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1690, decode.acc_seg: 93.1323, aux.loss_ce: 0.0955, aux.acc_seg: 90.2811, loss: 0.2645, grad_norm: 2.5695 2023-02-19 11:39:04,678 - mmseg - INFO - Iter [74250/160000] lr: 3.216e-05, eta: 8:46:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1717, decode.acc_seg: 92.9096, aux.loss_ce: 0.1001, aux.acc_seg: 89.7327, loss: 0.2718, grad_norm: 3.9135 2023-02-19 11:39:22,848 - mmseg - INFO - Iter [74300/160000] lr: 3.214e-05, eta: 8:45:54, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1682, decode.acc_seg: 93.1194, aux.loss_ce: 0.0988, aux.acc_seg: 89.9447, loss: 0.2670, grad_norm: 3.0869 2023-02-19 11:39:41,075 - mmseg - INFO - Iter [74350/160000] lr: 3.212e-05, eta: 8:45:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1718, decode.acc_seg: 92.8179, aux.loss_ce: 0.1001, aux.acc_seg: 89.8546, loss: 0.2719, grad_norm: 2.5611 2023-02-19 11:39:59,218 - mmseg - INFO - Iter [74400/160000] lr: 3.210e-05, eta: 8:45:17, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1865, decode.acc_seg: 92.6298, aux.loss_ce: 0.1029, aux.acc_seg: 89.8573, loss: 0.2894, grad_norm: 3.0867 2023-02-19 11:40:17,736 - mmseg - INFO - Iter [74450/160000] lr: 3.208e-05, eta: 8:44:58, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1805, decode.acc_seg: 92.7113, aux.loss_ce: 0.1061, aux.acc_seg: 89.3485, loss: 0.2866, grad_norm: 3.1206 2023-02-19 11:40:35,815 - mmseg - INFO - Iter [74500/160000] lr: 3.206e-05, eta: 8:44:40, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1794, decode.acc_seg: 92.8738, aux.loss_ce: 0.1045, aux.acc_seg: 89.8131, loss: 0.2839, grad_norm: 3.3659 2023-02-19 11:40:56,582 - mmseg - INFO - Iter [74550/160000] lr: 3.204e-05, eta: 8:44:24, time: 0.416, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1837, decode.acc_seg: 92.5184, aux.loss_ce: 0.1053, aux.acc_seg: 89.3843, loss: 0.2890, grad_norm: 2.7241 2023-02-19 11:41:15,063 - mmseg - INFO - Iter [74600/160000] lr: 3.203e-05, eta: 8:44:06, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1670, decode.acc_seg: 93.0858, aux.loss_ce: 0.0979, aux.acc_seg: 89.9972, loss: 0.2650, grad_norm: 3.4285 2023-02-19 11:41:33,558 - mmseg - INFO - Iter [74650/160000] lr: 3.201e-05, eta: 8:43:47, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1750, decode.acc_seg: 92.8294, aux.loss_ce: 0.1020, aux.acc_seg: 89.7180, loss: 0.2770, grad_norm: 3.0812 2023-02-19 11:41:51,636 - mmseg - INFO - Iter [74700/160000] lr: 3.199e-05, eta: 8:43:29, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1764, decode.acc_seg: 92.8100, aux.loss_ce: 0.1006, aux.acc_seg: 89.6876, loss: 0.2770, grad_norm: 3.2548 2023-02-19 11:42:10,023 - mmseg - INFO - Iter [74750/160000] lr: 3.197e-05, eta: 8:43:10, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1745, decode.acc_seg: 92.9148, aux.loss_ce: 0.1041, aux.acc_seg: 89.5933, loss: 0.2786, grad_norm: 3.4376 2023-02-19 11:42:28,074 - mmseg - INFO - Iter [74800/160000] lr: 3.195e-05, eta: 8:42:51, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1729, decode.acc_seg: 93.0014, aux.loss_ce: 0.0972, aux.acc_seg: 90.0747, loss: 0.2702, grad_norm: 2.6161 2023-02-19 11:42:46,185 - mmseg - INFO - Iter [74850/160000] lr: 3.193e-05, eta: 8:42:33, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1733, decode.acc_seg: 93.1370, aux.loss_ce: 0.0999, aux.acc_seg: 90.1279, loss: 0.2732, grad_norm: 2.7577 2023-02-19 11:43:04,261 - mmseg - INFO - Iter [74900/160000] lr: 3.191e-05, eta: 8:42:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1649, decode.acc_seg: 93.3006, aux.loss_ce: 0.0966, aux.acc_seg: 90.1419, loss: 0.2615, grad_norm: 2.3864 2023-02-19 11:43:22,280 - mmseg - INFO - Iter [74950/160000] lr: 3.189e-05, eta: 8:41:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1777, decode.acc_seg: 92.7197, aux.loss_ce: 0.1038, aux.acc_seg: 89.4500, loss: 0.2815, grad_norm: 2.7353 2023-02-19 11:43:40,286 - mmseg - INFO - Saving checkpoint at 75000 iterations 2023-02-19 11:43:42,002 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:43:42,003 - mmseg - INFO - Iter [75000/160000] lr: 3.188e-05, eta: 8:41:38, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1785, decode.acc_seg: 92.5169, aux.loss_ce: 0.1047, aux.acc_seg: 89.3416, loss: 0.2832, grad_norm: 3.4731 2023-02-19 11:44:00,067 - mmseg - INFO - Iter [75050/160000] lr: 3.186e-05, eta: 8:41:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1664, decode.acc_seg: 93.4390, aux.loss_ce: 0.0957, aux.acc_seg: 90.5750, loss: 0.2621, grad_norm: 2.8893 2023-02-19 11:44:18,278 - mmseg - INFO - Iter [75100/160000] lr: 3.184e-05, eta: 8:41:00, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1748, decode.acc_seg: 92.9242, aux.loss_ce: 0.1000, aux.acc_seg: 89.9369, loss: 0.2748, grad_norm: 2.8121 2023-02-19 11:44:36,335 - mmseg - INFO - Iter [75150/160000] lr: 3.182e-05, eta: 8:40:42, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1737, decode.acc_seg: 92.9431, aux.loss_ce: 0.1005, aux.acc_seg: 89.7401, loss: 0.2741, grad_norm: 2.8760 2023-02-19 11:44:54,402 - mmseg - INFO - Iter [75200/160000] lr: 3.180e-05, eta: 8:40:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1727, decode.acc_seg: 92.9723, aux.loss_ce: 0.1011, aux.acc_seg: 89.7032, loss: 0.2738, grad_norm: 3.5717 2023-02-19 11:45:12,941 - mmseg - INFO - Iter [75250/160000] lr: 3.178e-05, eta: 8:40:05, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1737, decode.acc_seg: 93.1128, aux.loss_ce: 0.0988, aux.acc_seg: 90.1158, loss: 0.2725, grad_norm: 3.0358 2023-02-19 11:45:31,715 - mmseg - INFO - Iter [75300/160000] lr: 3.176e-05, eta: 8:39:47, time: 0.376, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1653, decode.acc_seg: 93.1706, aux.loss_ce: 0.0971, aux.acc_seg: 90.2440, loss: 0.2624, grad_norm: 2.8468 2023-02-19 11:45:49,840 - mmseg - INFO - Iter [75350/160000] lr: 3.174e-05, eta: 8:39:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1677, decode.acc_seg: 93.0695, aux.loss_ce: 0.0962, aux.acc_seg: 90.1617, loss: 0.2639, grad_norm: 2.4679 2023-02-19 11:46:07,980 - mmseg - INFO - Iter [75400/160000] lr: 3.173e-05, eta: 8:39:09, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1662, decode.acc_seg: 93.2754, aux.loss_ce: 0.0936, aux.acc_seg: 90.6335, loss: 0.2598, grad_norm: 2.0983 2023-02-19 11:46:25,973 - mmseg - INFO - Iter [75450/160000] lr: 3.171e-05, eta: 8:38:50, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1812, decode.acc_seg: 92.5971, aux.loss_ce: 0.1041, aux.acc_seg: 89.4563, loss: 0.2853, grad_norm: 2.9520 2023-02-19 11:46:44,100 - mmseg - INFO - Iter [75500/160000] lr: 3.169e-05, eta: 8:38:32, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1677, decode.acc_seg: 93.3000, aux.loss_ce: 0.1002, aux.acc_seg: 90.0980, loss: 0.2679, grad_norm: 2.8705 2023-02-19 11:47:02,110 - mmseg - INFO - Iter [75550/160000] lr: 3.167e-05, eta: 8:38:13, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1672, decode.acc_seg: 93.0794, aux.loss_ce: 0.0994, aux.acc_seg: 89.8567, loss: 0.2666, grad_norm: 2.9208 2023-02-19 11:47:20,123 - mmseg - INFO - Iter [75600/160000] lr: 3.165e-05, eta: 8:37:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1781, decode.acc_seg: 92.8330, aux.loss_ce: 0.1022, aux.acc_seg: 89.6553, loss: 0.2803, grad_norm: 3.2654 2023-02-19 11:47:38,151 - mmseg - INFO - Iter [75650/160000] lr: 3.163e-05, eta: 8:37:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1824, decode.acc_seg: 92.7712, aux.loss_ce: 0.1056, aux.acc_seg: 89.5562, loss: 0.2879, grad_norm: 3.4434 2023-02-19 11:47:56,294 - mmseg - INFO - Iter [75700/160000] lr: 3.161e-05, eta: 8:37:16, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1715, decode.acc_seg: 93.1221, aux.loss_ce: 0.1007, aux.acc_seg: 90.0272, loss: 0.2722, grad_norm: 3.3011 2023-02-19 11:48:14,296 - mmseg - INFO - Iter [75750/160000] lr: 3.159e-05, eta: 8:36:57, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1787, decode.acc_seg: 92.8001, aux.loss_ce: 0.1036, aux.acc_seg: 89.4402, loss: 0.2823, grad_norm: 3.8769 2023-02-19 11:48:34,615 - mmseg - INFO - Iter [75800/160000] lr: 3.158e-05, eta: 8:36:41, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1720, decode.acc_seg: 92.9219, aux.loss_ce: 0.1005, aux.acc_seg: 89.6591, loss: 0.2725, grad_norm: 3.3445 2023-02-19 11:48:52,735 - mmseg - INFO - Iter [75850/160000] lr: 3.156e-05, eta: 8:36:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1686, decode.acc_seg: 93.0242, aux.loss_ce: 0.0973, aux.acc_seg: 90.0930, loss: 0.2659, grad_norm: 3.7432 2023-02-19 11:49:10,843 - mmseg - INFO - Iter [75900/160000] lr: 3.154e-05, eta: 8:36:04, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1744, decode.acc_seg: 92.9372, aux.loss_ce: 0.1015, aux.acc_seg: 89.6495, loss: 0.2760, grad_norm: 2.8815 2023-02-19 11:49:29,060 - mmseg - INFO - Iter [75950/160000] lr: 3.152e-05, eta: 8:35:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1604, decode.acc_seg: 93.3031, aux.loss_ce: 0.0926, aux.acc_seg: 90.4484, loss: 0.2530, grad_norm: 2.4668 2023-02-19 11:49:47,108 - mmseg - INFO - Saving checkpoint at 76000 iterations 2023-02-19 11:49:48,861 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:49:48,861 - mmseg - INFO - Iter [76000/160000] lr: 3.150e-05, eta: 8:35:28, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1783, decode.acc_seg: 92.6983, aux.loss_ce: 0.1013, aux.acc_seg: 89.7688, loss: 0.2796, grad_norm: 3.5274 2023-02-19 11:50:07,155 - mmseg - INFO - Iter [76050/160000] lr: 3.148e-05, eta: 8:35:10, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1724, decode.acc_seg: 93.0674, aux.loss_ce: 0.0994, aux.acc_seg: 90.0689, loss: 0.2719, grad_norm: 2.9131 2023-02-19 11:50:25,156 - mmseg - INFO - Iter [76100/160000] lr: 3.146e-05, eta: 8:34:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1629, decode.acc_seg: 93.1461, aux.loss_ce: 0.0951, aux.acc_seg: 90.2411, loss: 0.2580, grad_norm: 2.7968 2023-02-19 11:50:43,194 - mmseg - INFO - Iter [76150/160000] lr: 3.144e-05, eta: 8:34:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1577, decode.acc_seg: 93.6690, aux.loss_ce: 0.0927, aux.acc_seg: 90.5549, loss: 0.2504, grad_norm: 2.9589 2023-02-19 11:51:01,351 - mmseg - INFO - Iter [76200/160000] lr: 3.143e-05, eta: 8:34:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1773, decode.acc_seg: 92.6500, aux.loss_ce: 0.1020, aux.acc_seg: 89.6671, loss: 0.2794, grad_norm: 3.3551 2023-02-19 11:51:19,468 - mmseg - INFO - Iter [76250/160000] lr: 3.141e-05, eta: 8:33:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1689, decode.acc_seg: 93.0857, aux.loss_ce: 0.1002, aux.acc_seg: 89.7781, loss: 0.2692, grad_norm: 2.7516 2023-02-19 11:51:37,527 - mmseg - INFO - Iter [76300/160000] lr: 3.139e-05, eta: 8:33:36, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1641, decode.acc_seg: 93.1214, aux.loss_ce: 0.0956, aux.acc_seg: 90.0124, loss: 0.2597, grad_norm: 2.8050 2023-02-19 11:51:55,538 - mmseg - INFO - Iter [76350/160000] lr: 3.137e-05, eta: 8:33:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1832, decode.acc_seg: 92.5933, aux.loss_ce: 0.1049, aux.acc_seg: 89.5113, loss: 0.2881, grad_norm: 3.2111 2023-02-19 11:52:13,854 - mmseg - INFO - Iter [76400/160000] lr: 3.135e-05, eta: 8:32:58, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1654, decode.acc_seg: 93.1756, aux.loss_ce: 0.0934, aux.acc_seg: 90.3671, loss: 0.2588, grad_norm: 2.9104 2023-02-19 11:52:31,829 - mmseg - INFO - Iter [76450/160000] lr: 3.133e-05, eta: 8:32:40, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1808, decode.acc_seg: 92.8563, aux.loss_ce: 0.1000, aux.acc_seg: 89.9475, loss: 0.2807, grad_norm: 3.3124 2023-02-19 11:52:49,854 - mmseg - INFO - Iter [76500/160000] lr: 3.131e-05, eta: 8:32:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1628, decode.acc_seg: 93.3414, aux.loss_ce: 0.0951, aux.acc_seg: 90.2988, loss: 0.2580, grad_norm: 2.7790 2023-02-19 11:53:07,863 - mmseg - INFO - Iter [76550/160000] lr: 3.129e-05, eta: 8:32:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1692, decode.acc_seg: 93.0523, aux.loss_ce: 0.0973, aux.acc_seg: 90.1294, loss: 0.2666, grad_norm: 2.6070 2023-02-19 11:53:27,293 - mmseg - INFO - Iter [76600/160000] lr: 3.128e-05, eta: 8:31:45, time: 0.389, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1748, decode.acc_seg: 93.2225, aux.loss_ce: 0.1015, aux.acc_seg: 90.1472, loss: 0.2763, grad_norm: 2.9203 2023-02-19 11:53:45,468 - mmseg - INFO - Iter [76650/160000] lr: 3.126e-05, eta: 8:31:26, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1693, decode.acc_seg: 93.2308, aux.loss_ce: 0.0992, aux.acc_seg: 90.2938, loss: 0.2685, grad_norm: 2.6643 2023-02-19 11:54:03,805 - mmseg - INFO - Iter [76700/160000] lr: 3.124e-05, eta: 8:31:07, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1632, decode.acc_seg: 93.4506, aux.loss_ce: 0.0939, aux.acc_seg: 90.5011, loss: 0.2571, grad_norm: 2.8308 2023-02-19 11:54:22,156 - mmseg - INFO - Iter [76750/160000] lr: 3.122e-05, eta: 8:30:49, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1777, decode.acc_seg: 92.9587, aux.loss_ce: 0.1047, aux.acc_seg: 89.8155, loss: 0.2823, grad_norm: 2.6607 2023-02-19 11:54:40,394 - mmseg - INFO - Iter [76800/160000] lr: 3.120e-05, eta: 8:30:30, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1629, decode.acc_seg: 93.3391, aux.loss_ce: 0.0955, aux.acc_seg: 90.4047, loss: 0.2584, grad_norm: 2.5319 2023-02-19 11:54:58,795 - mmseg - INFO - Iter [76850/160000] lr: 3.118e-05, eta: 8:30:12, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1845, decode.acc_seg: 92.4914, aux.loss_ce: 0.1067, aux.acc_seg: 89.2908, loss: 0.2912, grad_norm: 2.8398 2023-02-19 11:55:16,976 - mmseg - INFO - Iter [76900/160000] lr: 3.116e-05, eta: 8:29:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1784, decode.acc_seg: 92.7844, aux.loss_ce: 0.1020, aux.acc_seg: 89.6499, loss: 0.2804, grad_norm: 2.7468 2023-02-19 11:55:35,148 - mmseg - INFO - Iter [76950/160000] lr: 3.114e-05, eta: 8:29:35, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1638, decode.acc_seg: 93.2958, aux.loss_ce: 0.0945, aux.acc_seg: 90.5658, loss: 0.2582, grad_norm: 2.5188 2023-02-19 11:55:53,199 - mmseg - INFO - Saving checkpoint at 77000 iterations 2023-02-19 11:55:54,989 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 11:55:54,990 - mmseg - INFO - Iter [77000/160000] lr: 3.113e-05, eta: 8:29:18, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1745, decode.acc_seg: 92.7421, aux.loss_ce: 0.1008, aux.acc_seg: 89.6026, loss: 0.2753, grad_norm: 2.9365 2023-02-19 11:56:15,350 - mmseg - INFO - Iter [77050/160000] lr: 3.111e-05, eta: 8:29:01, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1764, decode.acc_seg: 92.8035, aux.loss_ce: 0.1013, aux.acc_seg: 89.8455, loss: 0.2777, grad_norm: 3.2644 2023-02-19 11:56:34,169 - mmseg - INFO - Iter [77100/160000] lr: 3.109e-05, eta: 8:28:43, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1686, decode.acc_seg: 93.1071, aux.loss_ce: 0.0961, aux.acc_seg: 90.2062, loss: 0.2647, grad_norm: 2.3836 2023-02-19 11:56:52,348 - mmseg - INFO - Iter [77150/160000] lr: 3.107e-05, eta: 8:28:25, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1697, decode.acc_seg: 93.0921, aux.loss_ce: 0.0977, aux.acc_seg: 89.9668, loss: 0.2674, grad_norm: 3.2898 2023-02-19 11:57:10,374 - mmseg - INFO - Iter [77200/160000] lr: 3.105e-05, eta: 8:28:06, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1715, decode.acc_seg: 93.0093, aux.loss_ce: 0.0984, aux.acc_seg: 89.9786, loss: 0.2699, grad_norm: 2.9170 2023-02-19 11:57:28,553 - mmseg - INFO - Iter [77250/160000] lr: 3.103e-05, eta: 8:27:47, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1636, decode.acc_seg: 93.2991, aux.loss_ce: 0.0954, aux.acc_seg: 90.1580, loss: 0.2590, grad_norm: 2.7575 2023-02-19 11:57:46,695 - mmseg - INFO - Iter [77300/160000] lr: 3.101e-05, eta: 8:27:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1676, decode.acc_seg: 93.0884, aux.loss_ce: 0.0966, aux.acc_seg: 90.0132, loss: 0.2642, grad_norm: 2.6296 2023-02-19 11:58:05,991 - mmseg - INFO - Iter [77350/160000] lr: 3.099e-05, eta: 8:27:11, time: 0.386, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1655, decode.acc_seg: 93.1168, aux.loss_ce: 0.0973, aux.acc_seg: 89.9699, loss: 0.2629, grad_norm: 3.1189 2023-02-19 11:58:24,047 - mmseg - INFO - Iter [77400/160000] lr: 3.098e-05, eta: 8:26:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1655, decode.acc_seg: 93.2768, aux.loss_ce: 0.0967, aux.acc_seg: 90.2580, loss: 0.2623, grad_norm: 3.2010 2023-02-19 11:58:42,081 - mmseg - INFO - Iter [77450/160000] lr: 3.096e-05, eta: 8:26:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1610, decode.acc_seg: 93.5691, aux.loss_ce: 0.0944, aux.acc_seg: 90.5754, loss: 0.2555, grad_norm: 2.4528 2023-02-19 11:59:00,135 - mmseg - INFO - Iter [77500/160000] lr: 3.094e-05, eta: 8:26:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1708, decode.acc_seg: 93.0478, aux.loss_ce: 0.0956, aux.acc_seg: 90.3314, loss: 0.2663, grad_norm: 2.8805 2023-02-19 11:59:18,329 - mmseg - INFO - Iter [77550/160000] lr: 3.092e-05, eta: 8:25:56, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1753, decode.acc_seg: 92.8842, aux.loss_ce: 0.0999, aux.acc_seg: 89.9687, loss: 0.2752, grad_norm: 3.0524 2023-02-19 11:59:36,384 - mmseg - INFO - Iter [77600/160000] lr: 3.090e-05, eta: 8:25:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1635, decode.acc_seg: 93.2421, aux.loss_ce: 0.0951, aux.acc_seg: 90.2509, loss: 0.2586, grad_norm: 4.4657 2023-02-19 11:59:54,441 - mmseg - INFO - Iter [77650/160000] lr: 3.088e-05, eta: 8:25:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1726, decode.acc_seg: 93.0335, aux.loss_ce: 0.1013, aux.acc_seg: 89.8319, loss: 0.2739, grad_norm: 3.4427 2023-02-19 12:00:12,691 - mmseg - INFO - Iter [77700/160000] lr: 3.086e-05, eta: 8:25:00, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1703, decode.acc_seg: 93.0572, aux.loss_ce: 0.0999, aux.acc_seg: 89.9674, loss: 0.2702, grad_norm: 2.6691 2023-02-19 12:00:31,991 - mmseg - INFO - Iter [77750/160000] lr: 3.084e-05, eta: 8:24:43, time: 0.385, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1891, decode.acc_seg: 92.5779, aux.loss_ce: 0.1078, aux.acc_seg: 89.4455, loss: 0.2970, grad_norm: 3.2984 2023-02-19 12:00:50,200 - mmseg - INFO - Iter [77800/160000] lr: 3.083e-05, eta: 8:24:24, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1665, decode.acc_seg: 93.2272, aux.loss_ce: 0.0971, aux.acc_seg: 90.1082, loss: 0.2636, grad_norm: 3.9822 2023-02-19 12:01:08,422 - mmseg - INFO - Iter [77850/160000] lr: 3.081e-05, eta: 8:24:05, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1664, decode.acc_seg: 93.1629, aux.loss_ce: 0.0966, aux.acc_seg: 90.2946, loss: 0.2630, grad_norm: 2.8542 2023-02-19 12:01:26,491 - mmseg - INFO - Iter [77900/160000] lr: 3.079e-05, eta: 8:23:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1548, decode.acc_seg: 93.5601, aux.loss_ce: 0.0935, aux.acc_seg: 90.3698, loss: 0.2483, grad_norm: 2.8038 2023-02-19 12:01:44,954 - mmseg - INFO - Iter [77950/160000] lr: 3.077e-05, eta: 8:23:28, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1748, decode.acc_seg: 92.8920, aux.loss_ce: 0.1004, aux.acc_seg: 89.8481, loss: 0.2752, grad_norm: 2.5785 2023-02-19 12:02:03,082 - mmseg - INFO - Saving checkpoint at 78000 iterations 2023-02-19 12:02:04,832 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:02:04,832 - mmseg - INFO - Iter [78000/160000] lr: 3.075e-05, eta: 8:23:11, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1783, decode.acc_seg: 92.7024, aux.loss_ce: 0.1019, aux.acc_seg: 89.5887, loss: 0.2803, grad_norm: 3.0368 2023-02-19 12:02:23,014 - mmseg - INFO - Iter [78050/160000] lr: 3.073e-05, eta: 8:22:53, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1566, decode.acc_seg: 93.7500, aux.loss_ce: 0.0908, aux.acc_seg: 90.8590, loss: 0.2474, grad_norm: 2.8883 2023-02-19 12:02:41,359 - mmseg - INFO - Iter [78100/160000] lr: 3.071e-05, eta: 8:22:34, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1603, decode.acc_seg: 93.5508, aux.loss_ce: 0.0946, aux.acc_seg: 90.3212, loss: 0.2549, grad_norm: 3.3709 2023-02-19 12:02:59,520 - mmseg - INFO - Iter [78150/160000] lr: 3.069e-05, eta: 8:22:16, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1689, decode.acc_seg: 93.2693, aux.loss_ce: 0.1001, aux.acc_seg: 90.2014, loss: 0.2689, grad_norm: 3.2430 2023-02-19 12:03:17,628 - mmseg - INFO - Iter [78200/160000] lr: 3.068e-05, eta: 8:21:57, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1703, decode.acc_seg: 93.1396, aux.loss_ce: 0.0982, aux.acc_seg: 90.2320, loss: 0.2685, grad_norm: 2.4114 2023-02-19 12:03:35,957 - mmseg - INFO - Iter [78250/160000] lr: 3.066e-05, eta: 8:21:38, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1720, decode.acc_seg: 93.0620, aux.loss_ce: 0.0977, aux.acc_seg: 90.1638, loss: 0.2697, grad_norm: 3.7923 2023-02-19 12:03:54,053 - mmseg - INFO - Iter [78300/160000] lr: 3.064e-05, eta: 8:21:20, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1663, decode.acc_seg: 93.2104, aux.loss_ce: 0.0968, aux.acc_seg: 90.0777, loss: 0.2631, grad_norm: 3.2969 2023-02-19 12:04:14,377 - mmseg - INFO - Iter [78350/160000] lr: 3.062e-05, eta: 8:21:03, time: 0.406, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1612, decode.acc_seg: 93.6276, aux.loss_ce: 0.0929, aux.acc_seg: 90.6722, loss: 0.2540, grad_norm: 2.6652 2023-02-19 12:04:32,460 - mmseg - INFO - Iter [78400/160000] lr: 3.060e-05, eta: 8:20:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1606, decode.acc_seg: 93.1741, aux.loss_ce: 0.0944, aux.acc_seg: 90.1352, loss: 0.2550, grad_norm: 3.0583 2023-02-19 12:04:50,484 - mmseg - INFO - Iter [78450/160000] lr: 3.058e-05, eta: 8:20:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1623, decode.acc_seg: 93.2631, aux.loss_ce: 0.0957, aux.acc_seg: 90.1633, loss: 0.2580, grad_norm: 2.9190 2023-02-19 12:05:08,823 - mmseg - INFO - Iter [78500/160000] lr: 3.056e-05, eta: 8:20:07, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1664, decode.acc_seg: 93.2969, aux.loss_ce: 0.0954, aux.acc_seg: 90.3591, loss: 0.2619, grad_norm: 2.6807 2023-02-19 12:05:27,448 - mmseg - INFO - Iter [78550/160000] lr: 3.054e-05, eta: 8:19:49, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1652, decode.acc_seg: 93.0755, aux.loss_ce: 0.0971, aux.acc_seg: 89.9553, loss: 0.2624, grad_norm: 2.4934 2023-02-19 12:05:45,471 - mmseg - INFO - Iter [78600/160000] lr: 3.053e-05, eta: 8:19:30, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1613, decode.acc_seg: 93.4510, aux.loss_ce: 0.0980, aux.acc_seg: 90.2043, loss: 0.2593, grad_norm: 2.8635 2023-02-19 12:06:03,701 - mmseg - INFO - Iter [78650/160000] lr: 3.051e-05, eta: 8:19:12, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1607, decode.acc_seg: 93.4806, aux.loss_ce: 0.0942, aux.acc_seg: 90.3938, loss: 0.2549, grad_norm: 3.4605 2023-02-19 12:06:22,413 - mmseg - INFO - Iter [78700/160000] lr: 3.049e-05, eta: 8:18:53, time: 0.374, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1675, decode.acc_seg: 93.0746, aux.loss_ce: 0.0935, aux.acc_seg: 90.4188, loss: 0.2610, grad_norm: 2.8456 2023-02-19 12:06:40,825 - mmseg - INFO - Iter [78750/160000] lr: 3.047e-05, eta: 8:18:35, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1727, decode.acc_seg: 92.9481, aux.loss_ce: 0.1008, aux.acc_seg: 89.7027, loss: 0.2736, grad_norm: 2.5699 2023-02-19 12:06:58,855 - mmseg - INFO - Iter [78800/160000] lr: 3.045e-05, eta: 8:18:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1569, decode.acc_seg: 93.4733, aux.loss_ce: 0.0921, aux.acc_seg: 90.3703, loss: 0.2490, grad_norm: 2.9175 2023-02-19 12:07:17,045 - mmseg - INFO - Iter [78850/160000] lr: 3.043e-05, eta: 8:17:58, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1650, decode.acc_seg: 93.0743, aux.loss_ce: 0.0944, aux.acc_seg: 90.1600, loss: 0.2595, grad_norm: 3.7352 2023-02-19 12:07:35,581 - mmseg - INFO - Iter [78900/160000] lr: 3.041e-05, eta: 8:17:39, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1594, decode.acc_seg: 93.4432, aux.loss_ce: 0.0951, aux.acc_seg: 90.3999, loss: 0.2545, grad_norm: 2.7636 2023-02-19 12:07:53,642 - mmseg - INFO - Iter [78950/160000] lr: 3.039e-05, eta: 8:17:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1637, decode.acc_seg: 93.1466, aux.loss_ce: 0.0967, aux.acc_seg: 89.9887, loss: 0.2603, grad_norm: 3.0046 2023-02-19 12:08:11,924 - mmseg - INFO - Saving checkpoint at 79000 iterations 2023-02-19 12:08:13,632 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:08:13,632 - mmseg - INFO - Iter [79000/160000] lr: 3.038e-05, eta: 8:17:04, time: 0.400, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1599, decode.acc_seg: 93.4608, aux.loss_ce: 0.0945, aux.acc_seg: 90.4635, loss: 0.2545, grad_norm: 2.8111 2023-02-19 12:08:31,705 - mmseg - INFO - Iter [79050/160000] lr: 3.036e-05, eta: 8:16:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1771, decode.acc_seg: 92.8259, aux.loss_ce: 0.1000, aux.acc_seg: 89.9955, loss: 0.2771, grad_norm: 3.0724 2023-02-19 12:08:49,934 - mmseg - INFO - Iter [79100/160000] lr: 3.034e-05, eta: 8:16:26, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1729, decode.acc_seg: 92.9765, aux.loss_ce: 0.1016, aux.acc_seg: 89.6651, loss: 0.2746, grad_norm: 2.8431 2023-02-19 12:09:08,416 - mmseg - INFO - Iter [79150/160000] lr: 3.032e-05, eta: 8:16:08, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1677, decode.acc_seg: 93.2560, aux.loss_ce: 0.0953, aux.acc_seg: 90.4158, loss: 0.2631, grad_norm: 2.4639 2023-02-19 12:09:27,343 - mmseg - INFO - Iter [79200/160000] lr: 3.030e-05, eta: 8:15:50, time: 0.378, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1645, decode.acc_seg: 93.3190, aux.loss_ce: 0.0948, aux.acc_seg: 90.3535, loss: 0.2594, grad_norm: 2.6730 2023-02-19 12:09:46,013 - mmseg - INFO - Iter [79250/160000] lr: 3.028e-05, eta: 8:15:32, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1713, decode.acc_seg: 93.0794, aux.loss_ce: 0.1019, aux.acc_seg: 89.7491, loss: 0.2732, grad_norm: 2.9342 2023-02-19 12:10:04,305 - mmseg - INFO - Iter [79300/160000] lr: 3.026e-05, eta: 8:15:14, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1643, decode.acc_seg: 93.3570, aux.loss_ce: 0.0976, aux.acc_seg: 90.1024, loss: 0.2619, grad_norm: 2.6201 2023-02-19 12:10:22,260 - mmseg - INFO - Iter [79350/160000] lr: 3.024e-05, eta: 8:14:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1558, decode.acc_seg: 93.5595, aux.loss_ce: 0.0916, aux.acc_seg: 90.5397, loss: 0.2474, grad_norm: 2.6818 2023-02-19 12:10:40,255 - mmseg - INFO - Iter [79400/160000] lr: 3.023e-05, eta: 8:14:36, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1657, decode.acc_seg: 93.0585, aux.loss_ce: 0.0984, aux.acc_seg: 89.9644, loss: 0.2640, grad_norm: 2.6575 2023-02-19 12:10:58,266 - mmseg - INFO - Iter [79450/160000] lr: 3.021e-05, eta: 8:14:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1589, decode.acc_seg: 93.5045, aux.loss_ce: 0.0964, aux.acc_seg: 90.0464, loss: 0.2554, grad_norm: 3.0097 2023-02-19 12:11:16,264 - mmseg - INFO - Iter [79500/160000] lr: 3.019e-05, eta: 8:13:58, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1708, decode.acc_seg: 92.9544, aux.loss_ce: 0.0997, aux.acc_seg: 89.8336, loss: 0.2705, grad_norm: 3.7762 2023-02-19 12:11:34,309 - mmseg - INFO - Iter [79550/160000] lr: 3.017e-05, eta: 8:13:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1699, decode.acc_seg: 93.1467, aux.loss_ce: 0.1004, aux.acc_seg: 89.9223, loss: 0.2702, grad_norm: 3.6070 2023-02-19 12:11:54,623 - mmseg - INFO - Iter [79600/160000] lr: 3.015e-05, eta: 8:13:23, time: 0.406, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1805, decode.acc_seg: 93.0130, aux.loss_ce: 0.1035, aux.acc_seg: 89.8297, loss: 0.2840, grad_norm: 3.7460 2023-02-19 12:12:12,554 - mmseg - INFO - Iter [79650/160000] lr: 3.013e-05, eta: 8:13:04, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1632, decode.acc_seg: 93.1562, aux.loss_ce: 0.0934, aux.acc_seg: 90.5121, loss: 0.2566, grad_norm: 3.0917 2023-02-19 12:12:30,590 - mmseg - INFO - Iter [79700/160000] lr: 3.011e-05, eta: 8:12:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1646, decode.acc_seg: 93.2799, aux.loss_ce: 0.0937, aux.acc_seg: 90.5970, loss: 0.2584, grad_norm: 2.8602 2023-02-19 12:12:48,620 - mmseg - INFO - Iter [79750/160000] lr: 3.009e-05, eta: 8:12:26, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1624, decode.acc_seg: 93.3686, aux.loss_ce: 0.0943, aux.acc_seg: 90.4437, loss: 0.2567, grad_norm: 2.4084 2023-02-19 12:13:07,149 - mmseg - INFO - Iter [79800/160000] lr: 3.008e-05, eta: 8:12:08, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1686, decode.acc_seg: 93.1575, aux.loss_ce: 0.1015, aux.acc_seg: 89.7334, loss: 0.2701, grad_norm: 3.1188 2023-02-19 12:13:25,144 - mmseg - INFO - Iter [79850/160000] lr: 3.006e-05, eta: 8:11:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1590, decode.acc_seg: 93.5884, aux.loss_ce: 0.0961, aux.acc_seg: 90.1671, loss: 0.2550, grad_norm: 2.4469 2023-02-19 12:13:43,118 - mmseg - INFO - Iter [79900/160000] lr: 3.004e-05, eta: 8:11:30, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1819, decode.acc_seg: 92.6603, aux.loss_ce: 0.1031, aux.acc_seg: 89.7259, loss: 0.2850, grad_norm: 3.9684 2023-02-19 12:14:01,109 - mmseg - INFO - Iter [79950/160000] lr: 3.002e-05, eta: 8:11:12, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1673, decode.acc_seg: 93.2514, aux.loss_ce: 0.1007, aux.acc_seg: 89.8189, loss: 0.2680, grad_norm: 2.8336 2023-02-19 12:14:19,479 - mmseg - INFO - Saving checkpoint at 80000 iterations 2023-02-19 12:14:21,262 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:14:21,262 - mmseg - INFO - Iter [80000/160000] lr: 3.000e-05, eta: 8:10:55, time: 0.403, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1720, decode.acc_seg: 92.9364, aux.loss_ce: 0.0983, aux.acc_seg: 89.9261, loss: 0.2703, grad_norm: 3.0097 2023-02-19 12:14:48,981 - mmseg - INFO - per class results: 2023-02-19 12:14:48,987 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 76.3 | 84.69 | | building | 82.37 | 90.72 | | sky | 93.79 | 98.06 | | floor | 80.08 | 91.08 | | tree | 74.64 | 88.37 | | ceiling | 81.54 | 94.04 | | road | 81.65 | 88.86 | | bed | 87.36 | 94.33 | | windowpane | 60.67 | 81.21 | | grass | 66.96 | 80.93 | | cabinet | 63.28 | 81.13 | | sidewalk | 64.63 | 82.63 | | person | 79.65 | 92.1 | | earth | 37.45 | 53.05 | | door | 52.25 | 70.59 | | table | 58.82 | 79.22 | | mountain | 56.29 | 65.01 | | plant | 53.01 | 71.51 | | curtain | 72.89 | 86.88 | | chair | 55.18 | 79.53 | | car | 81.3 | 94.26 | | water | 48.4 | 68.0 | | painting | 72.31 | 90.56 | | sofa | 61.05 | 73.83 | | shelf | 42.43 | 60.86 | | house | 45.6 | 55.28 | | sea | 54.92 | 76.08 | | mirror | 68.63 | 76.48 | | rug | 57.98 | 64.05 | | field | 30.46 | 52.32 | | armchair | 36.82 | 50.17 | | seat | 62.14 | 75.48 | | fence | 46.26 | 57.48 | | desk | 45.27 | 53.24 | | rock | 42.6 | 65.27 | | wardrobe | 49.67 | 58.41 | | lamp | 60.61 | 77.13 | | bathtub | 77.95 | 82.93 | | railing | 34.05 | 42.49 | | cushion | 56.42 | 66.04 | | base | 23.1 | 34.99 | | box | 24.36 | 31.66 | | column | 44.52 | 61.72 | | signboard | 37.07 | 55.83 | | chest of drawers | 39.68 | 54.33 | | counter | 26.87 | 44.66 | | sand | 39.38 | 55.53 | | sink | 71.43 | 74.64 | | skyscraper | 56.93 | 73.51 | | fireplace | 68.75 | 95.42 | | refrigerator | 68.92 | 82.0 | | grandstand | 43.04 | 57.72 | | path | 19.56 | 27.22 | | stairs | 30.32 | 37.58 | | runway | 66.75 | 85.79 | | case | 36.53 | 42.93 | | pool table | 92.21 | 96.94 | | pillow | 59.9 | 71.64 | | screen door | 67.98 | 69.84 | | stairway | 32.42 | 38.54 | | river | 9.02 | 16.41 | | bridge | 68.63 | 84.64 | | bookcase | 40.16 | 50.4 | | blind | 39.84 | 42.37 | | coffee table | 59.89 | 77.69 | | toilet | 84.55 | 92.04 | | flower | 34.84 | 50.84 | | book | 41.54 | 51.38 | | hill | 10.1 | 13.73 | | bench | 43.89 | 52.37 | | countertop | 43.47 | 72.26 | | stove | 77.64 | 83.78 | | palm | 49.8 | 57.33 | | kitchen island | 36.05 | 72.78 | | computer | 63.6 | 73.21 | | swivel chair | 44.96 | 59.83 | | boat | 40.83 | 46.41 | | bar | 26.01 | 31.04 | | arcade machine | 41.47 | 44.32 | | hovel | 37.94 | 41.92 | | bus | 88.91 | 96.47 | | towel | 61.8 | 78.46 | | light | 38.45 | 39.23 | | truck | 36.49 | 44.82 | | tower | 26.29 | 36.43 | | chandelier | 64.5 | 87.67 | | awning | 28.57 | 35.74 | | streetlight | 27.73 | 46.93 | | booth | 50.35 | 56.25 | | television receiver | 66.95 | 77.27 | | airplane | 54.58 | 65.7 | | dirt track | 5.32 | 18.76 | | apparel | 24.25 | 66.03 | | pole | 23.58 | 37.92 | | land | 2.65 | 4.22 | | bannister | 6.54 | 8.15 | | escalator | 18.0 | 18.73 | | ottoman | 37.59 | 67.39 | | bottle | 34.68 | 52.97 | | buffet | 39.37 | 46.82 | | poster | 39.21 | 45.86 | | stage | 11.64 | 14.83 | | van | 42.16 | 56.1 | | ship | 60.79 | 94.37 | | fountain | 36.92 | 38.06 | | conveyer belt | 66.78 | 80.61 | | canopy | 23.95 | 31.19 | | washer | 71.14 | 71.99 | | plaything | 30.81 | 45.72 | | swimming pool | 67.95 | 69.8 | | stool | 46.69 | 62.45 | | barrel | 57.46 | 65.87 | | basket | 32.29 | 44.37 | | waterfall | 39.85 | 43.11 | | tent | 95.52 | 97.68 | | bag | 15.77 | 24.04 | | minibike | 63.57 | 81.8 | | cradle | 77.54 | 90.48 | | oven | 54.0 | 72.93 | | ball | 45.44 | 68.34 | | food | 41.08 | 42.77 | | step | 8.35 | 9.34 | | tank | 40.24 | 41.8 | | trade name | 24.75 | 29.08 | | microwave | 66.94 | 69.64 | | pot | 45.66 | 56.0 | | animal | 52.75 | 56.87 | | bicycle | 54.53 | 79.86 | | lake | 53.58 | 60.74 | | dishwasher | 57.01 | 75.88 | | screen | 56.04 | 74.86 | | blanket | 14.3 | 17.06 | | sculpture | 64.19 | 84.3 | | hood | 65.67 | 71.91 | | sconce | 38.43 | 47.46 | | vase | 31.91 | 39.57 | | traffic light | 37.18 | 58.7 | | tray | 7.64 | 16.01 | | ashcan | 35.9 | 62.73 | | fan | 53.52 | 86.93 | | pier | 41.21 | 51.04 | | crt screen | 3.67 | 11.26 | | plate | 51.59 | 75.74 | | monitor | 14.73 | 16.46 | | bulletin board | 26.49 | 36.99 | | shower | 0.0 | 0.0 | | radiator | 59.19 | 64.33 | | glass | 9.96 | 10.33 | | clock | 38.24 | 46.84 | | flag | 41.15 | 45.9 | +---------------------+-------+-------+ 2023-02-19 12:14:48,987 - mmseg - INFO - Summary: 2023-02-19 12:14:48,987 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 82.33 | 47.66 | 59.52 | +-------+-------+-------+ 2023-02-19 12:14:50,697 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_80000.pth. 2023-02-19 12:14:50,697 - mmseg - INFO - Best mIoU is 0.4766 at 80000 iter. 2023-02-19 12:14:50,698 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:14:50,698 - mmseg - INFO - Iter(val) [500] aAcc: 0.8233, mIoU: 0.4766, mAcc: 0.5952, IoU.wall: 0.7630, IoU.building: 0.8237, IoU.sky: 0.9379, IoU.floor: 0.8008, IoU.tree: 0.7464, IoU.ceiling: 0.8154, IoU.road: 0.8165, IoU.bed : 0.8736, IoU.windowpane: 0.6067, IoU.grass: 0.6696, IoU.cabinet: 0.6328, IoU.sidewalk: 0.6463, IoU.person: 0.7965, IoU.earth: 0.3745, IoU.door: 0.5225, IoU.table: 0.5882, IoU.mountain: 0.5629, IoU.plant: 0.5301, IoU.curtain: 0.7289, IoU.chair: 0.5518, IoU.car: 0.8130, IoU.water: 0.4840, IoU.painting: 0.7231, IoU.sofa: 0.6105, IoU.shelf: 0.4243, IoU.house: 0.4560, IoU.sea: 0.5492, IoU.mirror: 0.6863, IoU.rug: 0.5798, IoU.field: 0.3046, IoU.armchair: 0.3682, IoU.seat: 0.6214, IoU.fence: 0.4626, IoU.desk: 0.4527, IoU.rock: 0.4260, IoU.wardrobe: 0.4967, IoU.lamp: 0.6061, IoU.bathtub: 0.7795, IoU.railing: 0.3405, IoU.cushion: 0.5642, IoU.base: 0.2310, IoU.box: 0.2436, IoU.column: 0.4452, IoU.signboard: 0.3707, IoU.chest of drawers: 0.3968, IoU.counter: 0.2687, IoU.sand: 0.3938, IoU.sink: 0.7143, IoU.skyscraper: 0.5693, IoU.fireplace: 0.6875, IoU.refrigerator: 0.6892, IoU.grandstand: 0.4304, IoU.path: 0.1956, IoU.stairs: 0.3032, IoU.runway: 0.6675, IoU.case: 0.3653, IoU.pool table: 0.9221, IoU.pillow: 0.5990, IoU.screen door: 0.6798, IoU.stairway: 0.3242, IoU.river: 0.0902, IoU.bridge: 0.6863, IoU.bookcase: 0.4016, IoU.blind: 0.3984, IoU.coffee table: 0.5989, IoU.toilet: 0.8455, IoU.flower: 0.3484, IoU.book: 0.4154, IoU.hill: 0.1010, IoU.bench: 0.4389, IoU.countertop: 0.4347, IoU.stove: 0.7764, IoU.palm: 0.4980, IoU.kitchen island: 0.3605, IoU.computer: 0.6360, IoU.swivel chair: 0.4496, IoU.boat: 0.4083, IoU.bar: 0.2601, IoU.arcade machine: 0.4147, IoU.hovel: 0.3794, IoU.bus: 0.8891, IoU.towel: 0.6180, IoU.light: 0.3845, IoU.truck: 0.3649, IoU.tower: 0.2629, IoU.chandelier: 0.6450, IoU.awning: 0.2857, IoU.streetlight: 0.2773, IoU.booth: 0.5035, IoU.television receiver: 0.6695, IoU.airplane: 0.5458, IoU.dirt track: 0.0532, IoU.apparel: 0.2425, IoU.pole: 0.2358, IoU.land: 0.0265, IoU.bannister: 0.0654, IoU.escalator: 0.1800, IoU.ottoman: 0.3759, IoU.bottle: 0.3468, IoU.buffet: 0.3937, IoU.poster: 0.3921, IoU.stage: 0.1164, IoU.van: 0.4216, IoU.ship: 0.6079, IoU.fountain: 0.3692, IoU.conveyer belt: 0.6678, IoU.canopy: 0.2395, IoU.washer: 0.7114, IoU.plaything: 0.3081, IoU.swimming pool: 0.6795, IoU.stool: 0.4669, IoU.barrel: 0.5746, IoU.basket: 0.3229, IoU.waterfall: 0.3985, IoU.tent: 0.9552, IoU.bag: 0.1577, IoU.minibike: 0.6357, IoU.cradle: 0.7754, IoU.oven: 0.5400, IoU.ball: 0.4544, IoU.food: 0.4108, IoU.step: 0.0835, IoU.tank: 0.4024, IoU.trade name: 0.2475, IoU.microwave: 0.6694, IoU.pot: 0.4566, IoU.animal: 0.5275, IoU.bicycle: 0.5453, IoU.lake: 0.5358, IoU.dishwasher: 0.5701, IoU.screen: 0.5604, IoU.blanket: 0.1430, IoU.sculpture: 0.6419, IoU.hood: 0.6567, IoU.sconce: 0.3843, IoU.vase: 0.3191, IoU.traffic light: 0.3718, IoU.tray: 0.0764, IoU.ashcan: 0.3590, IoU.fan: 0.5352, IoU.pier: 0.4121, IoU.crt screen: 0.0367, IoU.plate: 0.5159, IoU.monitor: 0.1473, IoU.bulletin board: 0.2649, IoU.shower: 0.0000, IoU.radiator: 0.5919, IoU.glass: 0.0996, IoU.clock: 0.3824, IoU.flag: 0.4115, Acc.wall: 0.8469, Acc.building: 0.9072, Acc.sky: 0.9806, Acc.floor: 0.9108, Acc.tree: 0.8837, Acc.ceiling: 0.9404, Acc.road: 0.8886, Acc.bed : 0.9433, Acc.windowpane: 0.8121, Acc.grass: 0.8093, Acc.cabinet: 0.8113, Acc.sidewalk: 0.8263, Acc.person: 0.9210, Acc.earth: 0.5305, Acc.door: 0.7059, Acc.table: 0.7922, Acc.mountain: 0.6501, Acc.plant: 0.7151, Acc.curtain: 0.8688, Acc.chair: 0.7953, Acc.car: 0.9426, Acc.water: 0.6800, Acc.painting: 0.9056, Acc.sofa: 0.7383, Acc.shelf: 0.6086, Acc.house: 0.5528, Acc.sea: 0.7608, Acc.mirror: 0.7648, Acc.rug: 0.6405, Acc.field: 0.5232, Acc.armchair: 0.5017, Acc.seat: 0.7548, Acc.fence: 0.5748, Acc.desk: 0.5324, Acc.rock: 0.6527, Acc.wardrobe: 0.5841, Acc.lamp: 0.7713, Acc.bathtub: 0.8293, Acc.railing: 0.4249, Acc.cushion: 0.6604, Acc.base: 0.3499, Acc.box: 0.3166, Acc.column: 0.6172, Acc.signboard: 0.5583, Acc.chest of drawers: 0.5433, Acc.counter: 0.4466, Acc.sand: 0.5553, Acc.sink: 0.7464, Acc.skyscraper: 0.7351, Acc.fireplace: 0.9542, Acc.refrigerator: 0.8200, Acc.grandstand: 0.5772, Acc.path: 0.2722, Acc.stairs: 0.3758, Acc.runway: 0.8579, Acc.case: 0.4293, Acc.pool table: 0.9694, Acc.pillow: 0.7164, Acc.screen door: 0.6984, Acc.stairway: 0.3854, Acc.river: 0.1641, Acc.bridge: 0.8464, Acc.bookcase: 0.5040, Acc.blind: 0.4237, Acc.coffee table: 0.7769, Acc.toilet: 0.9204, Acc.flower: 0.5084, Acc.book: 0.5138, Acc.hill: 0.1373, Acc.bench: 0.5237, Acc.countertop: 0.7226, Acc.stove: 0.8378, Acc.palm: 0.5733, Acc.kitchen island: 0.7278, Acc.computer: 0.7321, Acc.swivel chair: 0.5983, Acc.boat: 0.4641, Acc.bar: 0.3104, Acc.arcade machine: 0.4432, Acc.hovel: 0.4192, Acc.bus: 0.9647, Acc.towel: 0.7846, Acc.light: 0.3923, Acc.truck: 0.4482, Acc.tower: 0.3643, Acc.chandelier: 0.8767, Acc.awning: 0.3574, Acc.streetlight: 0.4693, Acc.booth: 0.5625, Acc.television receiver: 0.7727, Acc.airplane: 0.6570, Acc.dirt track: 0.1876, Acc.apparel: 0.6603, Acc.pole: 0.3792, Acc.land: 0.0422, Acc.bannister: 0.0815, Acc.escalator: 0.1873, Acc.ottoman: 0.6739, Acc.bottle: 0.5297, Acc.buffet: 0.4682, Acc.poster: 0.4586, Acc.stage: 0.1483, Acc.van: 0.5610, Acc.ship: 0.9437, Acc.fountain: 0.3806, Acc.conveyer belt: 0.8061, Acc.canopy: 0.3119, Acc.washer: 0.7199, Acc.plaything: 0.4572, Acc.swimming pool: 0.6980, Acc.stool: 0.6245, Acc.barrel: 0.6587, Acc.basket: 0.4437, Acc.waterfall: 0.4311, Acc.tent: 0.9768, Acc.bag: 0.2404, Acc.minibike: 0.8180, Acc.cradle: 0.9048, Acc.oven: 0.7293, Acc.ball: 0.6834, Acc.food: 0.4277, Acc.step: 0.0934, Acc.tank: 0.4180, Acc.trade name: 0.2908, Acc.microwave: 0.6964, Acc.pot: 0.5600, Acc.animal: 0.5687, Acc.bicycle: 0.7986, Acc.lake: 0.6074, Acc.dishwasher: 0.7588, Acc.screen: 0.7486, Acc.blanket: 0.1706, Acc.sculpture: 0.8430, Acc.hood: 0.7191, Acc.sconce: 0.4746, Acc.vase: 0.3957, Acc.traffic light: 0.5870, Acc.tray: 0.1601, Acc.ashcan: 0.6273, Acc.fan: 0.8693, Acc.pier: 0.5104, Acc.crt screen: 0.1126, Acc.plate: 0.7574, Acc.monitor: 0.1646, Acc.bulletin board: 0.3699, Acc.shower: 0.0000, Acc.radiator: 0.6433, Acc.glass: 0.1033, Acc.clock: 0.4684, Acc.flag: 0.4590 2023-02-19 12:15:08,646 - mmseg - INFO - Iter [80050/160000] lr: 2.998e-05, eta: 8:11:06, time: 0.948, data_time: 0.595, memory: 20662, decode.loss_ce: 0.1607, decode.acc_seg: 93.4390, aux.loss_ce: 0.0949, aux.acc_seg: 90.3967, loss: 0.2556, grad_norm: 2.8361 2023-02-19 12:15:26,606 - mmseg - INFO - Iter [80100/160000] lr: 2.996e-05, eta: 8:10:47, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1618, decode.acc_seg: 93.1725, aux.loss_ce: 0.0941, aux.acc_seg: 90.1105, loss: 0.2559, grad_norm: 2.7317 2023-02-19 12:15:44,604 - mmseg - INFO - Iter [80150/160000] lr: 2.994e-05, eta: 8:10:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1600, decode.acc_seg: 93.4112, aux.loss_ce: 0.0969, aux.acc_seg: 90.0478, loss: 0.2569, grad_norm: 2.6167 2023-02-19 12:16:02,590 - mmseg - INFO - Iter [80200/160000] lr: 2.993e-05, eta: 8:10:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1710, decode.acc_seg: 92.9625, aux.loss_ce: 0.0979, aux.acc_seg: 90.0996, loss: 0.2690, grad_norm: 3.3363 2023-02-19 12:16:20,560 - mmseg - INFO - Iter [80250/160000] lr: 2.991e-05, eta: 8:09:50, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1665, decode.acc_seg: 93.0186, aux.loss_ce: 0.0965, aux.acc_seg: 90.1908, loss: 0.2630, grad_norm: 3.3715 2023-02-19 12:16:38,554 - mmseg - INFO - Iter [80300/160000] lr: 2.989e-05, eta: 8:09:31, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1612, decode.acc_seg: 93.3846, aux.loss_ce: 0.0949, aux.acc_seg: 90.2531, loss: 0.2560, grad_norm: 2.5710 2023-02-19 12:16:56,694 - mmseg - INFO - Iter [80350/160000] lr: 2.987e-05, eta: 8:09:12, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1632, decode.acc_seg: 93.4212, aux.loss_ce: 0.0942, aux.acc_seg: 90.6601, loss: 0.2573, grad_norm: 2.9914 2023-02-19 12:17:14,619 - mmseg - INFO - Iter [80400/160000] lr: 2.985e-05, eta: 8:08:54, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1690, decode.acc_seg: 93.2793, aux.loss_ce: 0.0993, aux.acc_seg: 90.1746, loss: 0.2682, grad_norm: 3.3773 2023-02-19 12:17:32,603 - mmseg - INFO - Iter [80450/160000] lr: 2.983e-05, eta: 8:08:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1568, decode.acc_seg: 93.5298, aux.loss_ce: 0.0929, aux.acc_seg: 90.3767, loss: 0.2497, grad_norm: 2.2548 2023-02-19 12:17:50,565 - mmseg - INFO - Iter [80500/160000] lr: 2.981e-05, eta: 8:08:16, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1664, decode.acc_seg: 93.1849, aux.loss_ce: 0.0957, aux.acc_seg: 90.1122, loss: 0.2621, grad_norm: 2.6034 2023-02-19 12:18:08,556 - mmseg - INFO - Iter [80550/160000] lr: 2.979e-05, eta: 8:07:57, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1700, decode.acc_seg: 93.2391, aux.loss_ce: 0.0981, aux.acc_seg: 90.0805, loss: 0.2680, grad_norm: 2.9344 2023-02-19 12:18:26,506 - mmseg - INFO - Iter [80600/160000] lr: 2.978e-05, eta: 8:07:38, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1681, decode.acc_seg: 93.1659, aux.loss_ce: 0.0978, aux.acc_seg: 90.2438, loss: 0.2659, grad_norm: 2.5758 2023-02-19 12:18:44,573 - mmseg - INFO - Iter [80650/160000] lr: 2.976e-05, eta: 8:07:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1612, decode.acc_seg: 93.3930, aux.loss_ce: 0.0943, aux.acc_seg: 90.4496, loss: 0.2555, grad_norm: 3.0521 2023-02-19 12:19:02,528 - mmseg - INFO - Iter [80700/160000] lr: 2.974e-05, eta: 8:07:00, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1638, decode.acc_seg: 93.2694, aux.loss_ce: 0.0976, aux.acc_seg: 90.0358, loss: 0.2614, grad_norm: 2.9300 2023-02-19 12:19:20,459 - mmseg - INFO - Iter [80750/160000] lr: 2.972e-05, eta: 8:06:41, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1697, decode.acc_seg: 93.1222, aux.loss_ce: 0.0978, aux.acc_seg: 90.1550, loss: 0.2675, grad_norm: 3.0369 2023-02-19 12:19:38,574 - mmseg - INFO - Iter [80800/160000] lr: 2.970e-05, eta: 8:06:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1745, decode.acc_seg: 92.8232, aux.loss_ce: 0.0952, aux.acc_seg: 90.1686, loss: 0.2697, grad_norm: 3.7445 2023-02-19 12:19:59,000 - mmseg - INFO - Iter [80850/160000] lr: 2.968e-05, eta: 8:06:06, time: 0.408, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1687, decode.acc_seg: 93.0824, aux.loss_ce: 0.0959, aux.acc_seg: 90.2762, loss: 0.2646, grad_norm: 3.3447 2023-02-19 12:20:17,070 - mmseg - INFO - Iter [80900/160000] lr: 2.966e-05, eta: 8:05:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1690, decode.acc_seg: 93.2030, aux.loss_ce: 0.1001, aux.acc_seg: 90.0473, loss: 0.2691, grad_norm: 2.9940 2023-02-19 12:20:35,234 - mmseg - INFO - Iter [80950/160000] lr: 2.964e-05, eta: 8:05:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1517, decode.acc_seg: 93.7592, aux.loss_ce: 0.0878, aux.acc_seg: 90.9874, loss: 0.2394, grad_norm: 2.3419 2023-02-19 12:20:53,236 - mmseg - INFO - Saving checkpoint at 81000 iterations 2023-02-19 12:20:54,983 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:20:54,983 - mmseg - INFO - Iter [81000/160000] lr: 2.963e-05, eta: 8:05:12, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1683, decode.acc_seg: 93.1092, aux.loss_ce: 0.0961, aux.acc_seg: 90.2251, loss: 0.2644, grad_norm: 2.9604 2023-02-19 12:21:13,070 - mmseg - INFO - Iter [81050/160000] lr: 2.961e-05, eta: 8:04:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1574, decode.acc_seg: 93.5708, aux.loss_ce: 0.0939, aux.acc_seg: 90.3062, loss: 0.2513, grad_norm: 2.8611 2023-02-19 12:21:31,106 - mmseg - INFO - Iter [81100/160000] lr: 2.959e-05, eta: 8:04:34, time: 0.361, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1631, decode.acc_seg: 93.2617, aux.loss_ce: 0.0970, aux.acc_seg: 89.9206, loss: 0.2602, grad_norm: 3.2357 2023-02-19 12:21:49,123 - mmseg - INFO - Iter [81150/160000] lr: 2.957e-05, eta: 8:04:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1626, decode.acc_seg: 93.1867, aux.loss_ce: 0.0956, aux.acc_seg: 90.1534, loss: 0.2582, grad_norm: 2.7883 2023-02-19 12:22:07,101 - mmseg - INFO - Iter [81200/160000] lr: 2.955e-05, eta: 8:03:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1733, decode.acc_seg: 92.8364, aux.loss_ce: 0.1006, aux.acc_seg: 89.7840, loss: 0.2738, grad_norm: 3.7654 2023-02-19 12:22:25,146 - mmseg - INFO - Iter [81250/160000] lr: 2.953e-05, eta: 8:03:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1617, decode.acc_seg: 93.2985, aux.loss_ce: 0.0943, aux.acc_seg: 90.1291, loss: 0.2561, grad_norm: 2.9298 2023-02-19 12:22:43,265 - mmseg - INFO - Iter [81300/160000] lr: 2.951e-05, eta: 8:03:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1619, decode.acc_seg: 93.3997, aux.loss_ce: 0.0968, aux.acc_seg: 90.3056, loss: 0.2587, grad_norm: 2.4793 2023-02-19 12:23:01,300 - mmseg - INFO - Iter [81350/160000] lr: 2.949e-05, eta: 8:03:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1734, decode.acc_seg: 93.0688, aux.loss_ce: 0.1003, aux.acc_seg: 90.0455, loss: 0.2737, grad_norm: 3.3222 2023-02-19 12:23:19,459 - mmseg - INFO - Iter [81400/160000] lr: 2.948e-05, eta: 8:02:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1528, decode.acc_seg: 93.7685, aux.loss_ce: 0.0918, aux.acc_seg: 90.5946, loss: 0.2446, grad_norm: 2.7343 2023-02-19 12:23:37,581 - mmseg - INFO - Iter [81450/160000] lr: 2.946e-05, eta: 8:02:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1627, decode.acc_seg: 93.4297, aux.loss_ce: 0.0942, aux.acc_seg: 90.4607, loss: 0.2569, grad_norm: 2.8987 2023-02-19 12:23:55,571 - mmseg - INFO - Iter [81500/160000] lr: 2.944e-05, eta: 8:02:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1722, decode.acc_seg: 92.9408, aux.loss_ce: 0.0983, aux.acc_seg: 90.0264, loss: 0.2705, grad_norm: 3.3445 2023-02-19 12:24:13,534 - mmseg - INFO - Iter [81550/160000] lr: 2.942e-05, eta: 8:01:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1691, decode.acc_seg: 92.9839, aux.loss_ce: 0.0979, aux.acc_seg: 90.0328, loss: 0.2670, grad_norm: 2.3348 2023-02-19 12:24:31,635 - mmseg - INFO - Iter [81600/160000] lr: 2.940e-05, eta: 8:01:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1690, decode.acc_seg: 93.0642, aux.loss_ce: 0.0990, aux.acc_seg: 89.9382, loss: 0.2680, grad_norm: 3.6579 2023-02-19 12:24:49,731 - mmseg - INFO - Iter [81650/160000] lr: 2.938e-05, eta: 8:01:08, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1653, decode.acc_seg: 93.3974, aux.loss_ce: 0.0949, aux.acc_seg: 90.4122, loss: 0.2602, grad_norm: 2.8305 2023-02-19 12:25:07,755 - mmseg - INFO - Iter [81700/160000] lr: 2.936e-05, eta: 8:00:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1768, decode.acc_seg: 92.6441, aux.loss_ce: 0.1009, aux.acc_seg: 89.5283, loss: 0.2777, grad_norm: 3.5528 2023-02-19 12:25:26,025 - mmseg - INFO - Iter [81750/160000] lr: 2.934e-05, eta: 8:00:30, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1558, decode.acc_seg: 93.5483, aux.loss_ce: 0.0925, aux.acc_seg: 90.4758, loss: 0.2484, grad_norm: 2.5687 2023-02-19 12:25:44,087 - mmseg - INFO - Iter [81800/160000] lr: 2.933e-05, eta: 8:00:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1588, decode.acc_seg: 93.4526, aux.loss_ce: 0.0929, aux.acc_seg: 90.4289, loss: 0.2517, grad_norm: 3.0826 2023-02-19 12:26:02,079 - mmseg - INFO - Iter [81850/160000] lr: 2.931e-05, eta: 7:59:53, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1529, decode.acc_seg: 93.5966, aux.loss_ce: 0.0898, aux.acc_seg: 90.6642, loss: 0.2427, grad_norm: 2.4879 2023-02-19 12:26:20,037 - mmseg - INFO - Iter [81900/160000] lr: 2.929e-05, eta: 7:59:34, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1626, decode.acc_seg: 93.2389, aux.loss_ce: 0.0929, aux.acc_seg: 90.4191, loss: 0.2555, grad_norm: 2.9778 2023-02-19 12:26:38,085 - mmseg - INFO - Iter [81950/160000] lr: 2.927e-05, eta: 7:59:15, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1685, decode.acc_seg: 93.2739, aux.loss_ce: 0.0961, aux.acc_seg: 90.4589, loss: 0.2646, grad_norm: 2.9298 2023-02-19 12:26:56,090 - mmseg - INFO - Saving checkpoint at 82000 iterations 2023-02-19 12:26:57,980 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:26:57,980 - mmseg - INFO - Iter [82000/160000] lr: 2.925e-05, eta: 7:58:58, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1649, decode.acc_seg: 93.2183, aux.loss_ce: 0.0955, aux.acc_seg: 90.3237, loss: 0.2604, grad_norm: 3.4163 2023-02-19 12:27:16,047 - mmseg - INFO - Iter [82050/160000] lr: 2.923e-05, eta: 7:58:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1595, decode.acc_seg: 93.5317, aux.loss_ce: 0.0955, aux.acc_seg: 90.4836, loss: 0.2550, grad_norm: 3.2148 2023-02-19 12:27:36,405 - mmseg - INFO - Iter [82100/160000] lr: 2.921e-05, eta: 7:58:23, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1541, decode.acc_seg: 93.5036, aux.loss_ce: 0.0913, aux.acc_seg: 90.4465, loss: 0.2454, grad_norm: 2.4360 2023-02-19 12:27:54,659 - mmseg - INFO - Iter [82150/160000] lr: 2.919e-05, eta: 7:58:04, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1608, decode.acc_seg: 93.3460, aux.loss_ce: 0.0902, aux.acc_seg: 90.7898, loss: 0.2510, grad_norm: 2.3439 2023-02-19 12:28:12,722 - mmseg - INFO - Iter [82200/160000] lr: 2.918e-05, eta: 7:57:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1750, decode.acc_seg: 92.7572, aux.loss_ce: 0.0999, aux.acc_seg: 89.7283, loss: 0.2749, grad_norm: 2.9878 2023-02-19 12:28:30,654 - mmseg - INFO - Iter [82250/160000] lr: 2.916e-05, eta: 7:57:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1609, decode.acc_seg: 93.5252, aux.loss_ce: 0.0967, aux.acc_seg: 90.2823, loss: 0.2576, grad_norm: 2.7594 2023-02-19 12:28:48,623 - mmseg - INFO - Iter [82300/160000] lr: 2.914e-05, eta: 7:57:08, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1692, decode.acc_seg: 93.2097, aux.loss_ce: 0.0999, aux.acc_seg: 90.1433, loss: 0.2691, grad_norm: 3.3291 2023-02-19 12:29:06,573 - mmseg - INFO - Iter [82350/160000] lr: 2.912e-05, eta: 7:56:49, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1714, decode.acc_seg: 93.0162, aux.loss_ce: 0.1009, aux.acc_seg: 89.8010, loss: 0.2722, grad_norm: 2.7488 2023-02-19 12:29:24,514 - mmseg - INFO - Iter [82400/160000] lr: 2.910e-05, eta: 7:56:30, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1627, decode.acc_seg: 93.2582, aux.loss_ce: 0.0962, aux.acc_seg: 90.1210, loss: 0.2588, grad_norm: 2.9958 2023-02-19 12:29:42,793 - mmseg - INFO - Iter [82450/160000] lr: 2.908e-05, eta: 7:56:11, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1431, decode.acc_seg: 93.9808, aux.loss_ce: 0.0879, aux.acc_seg: 90.8566, loss: 0.2309, grad_norm: 2.3143 2023-02-19 12:30:01,004 - mmseg - INFO - Iter [82500/160000] lr: 2.906e-05, eta: 7:55:53, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1662, decode.acc_seg: 93.3437, aux.loss_ce: 0.0963, aux.acc_seg: 90.4856, loss: 0.2624, grad_norm: 3.2104 2023-02-19 12:30:18,984 - mmseg - INFO - Iter [82550/160000] lr: 2.904e-05, eta: 7:55:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1703, decode.acc_seg: 93.1177, aux.loss_ce: 0.0986, aux.acc_seg: 90.0615, loss: 0.2689, grad_norm: 4.7400 2023-02-19 12:30:36,916 - mmseg - INFO - Iter [82600/160000] lr: 2.903e-05, eta: 7:55:15, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1601, decode.acc_seg: 93.5122, aux.loss_ce: 0.0930, aux.acc_seg: 90.6151, loss: 0.2530, grad_norm: 3.3480 2023-02-19 12:30:54,884 - mmseg - INFO - Iter [82650/160000] lr: 2.901e-05, eta: 7:54:56, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1529, decode.acc_seg: 93.6355, aux.loss_ce: 0.0891, aux.acc_seg: 90.7989, loss: 0.2420, grad_norm: 2.9902 2023-02-19 12:31:12,876 - mmseg - INFO - Iter [82700/160000] lr: 2.899e-05, eta: 7:54:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1551, decode.acc_seg: 93.7133, aux.loss_ce: 0.0939, aux.acc_seg: 90.5726, loss: 0.2491, grad_norm: 2.6793 2023-02-19 12:31:31,009 - mmseg - INFO - Iter [82750/160000] lr: 2.897e-05, eta: 7:54:19, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1550, decode.acc_seg: 93.5399, aux.loss_ce: 0.0915, aux.acc_seg: 90.5297, loss: 0.2465, grad_norm: 2.2865 2023-02-19 12:31:48,934 - mmseg - INFO - Iter [82800/160000] lr: 2.895e-05, eta: 7:54:00, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1563, decode.acc_seg: 93.5199, aux.loss_ce: 0.0923, aux.acc_seg: 90.7219, loss: 0.2485, grad_norm: 2.4891 2023-02-19 12:32:06,846 - mmseg - INFO - Iter [82850/160000] lr: 2.893e-05, eta: 7:53:41, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1532, decode.acc_seg: 93.7647, aux.loss_ce: 0.0914, aux.acc_seg: 90.7180, loss: 0.2446, grad_norm: 2.9179 2023-02-19 12:32:25,416 - mmseg - INFO - Iter [82900/160000] lr: 2.891e-05, eta: 7:53:22, time: 0.371, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1692, decode.acc_seg: 93.0079, aux.loss_ce: 0.1002, aux.acc_seg: 89.6617, loss: 0.2694, grad_norm: 3.4475 2023-02-19 12:32:43,367 - mmseg - INFO - Iter [82950/160000] lr: 2.889e-05, eta: 7:53:04, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1695, decode.acc_seg: 93.1018, aux.loss_ce: 0.0957, aux.acc_seg: 90.2968, loss: 0.2652, grad_norm: 3.0504 2023-02-19 12:33:02,118 - mmseg - INFO - Saving checkpoint at 83000 iterations 2023-02-19 12:33:03,897 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:33:03,897 - mmseg - INFO - Iter [83000/160000] lr: 2.888e-05, eta: 7:52:47, time: 0.411, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1582, decode.acc_seg: 93.4717, aux.loss_ce: 0.0919, aux.acc_seg: 90.6309, loss: 0.2501, grad_norm: 3.1822 2023-02-19 12:33:21,853 - mmseg - INFO - Iter [83050/160000] lr: 2.886e-05, eta: 7:52:28, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1569, decode.acc_seg: 93.4857, aux.loss_ce: 0.0938, aux.acc_seg: 90.5437, loss: 0.2507, grad_norm: 2.7246 2023-02-19 12:33:39,981 - mmseg - INFO - Iter [83100/160000] lr: 2.884e-05, eta: 7:52:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1609, decode.acc_seg: 93.3552, aux.loss_ce: 0.0932, aux.acc_seg: 90.3905, loss: 0.2542, grad_norm: 2.8943 2023-02-19 12:33:58,056 - mmseg - INFO - Iter [83150/160000] lr: 2.882e-05, eta: 7:51:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1673, decode.acc_seg: 93.3004, aux.loss_ce: 0.0978, aux.acc_seg: 90.1037, loss: 0.2650, grad_norm: 3.5501 2023-02-19 12:34:15,939 - mmseg - INFO - Iter [83200/160000] lr: 2.880e-05, eta: 7:51:32, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1586, decode.acc_seg: 93.3159, aux.loss_ce: 0.0924, aux.acc_seg: 90.6069, loss: 0.2510, grad_norm: 2.7719 2023-02-19 12:34:33,879 - mmseg - INFO - Iter [83250/160000] lr: 2.878e-05, eta: 7:51:13, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1588, decode.acc_seg: 93.4622, aux.loss_ce: 0.0941, aux.acc_seg: 90.3078, loss: 0.2529, grad_norm: 2.9508 2023-02-19 12:34:51,796 - mmseg - INFO - Iter [83300/160000] lr: 2.876e-05, eta: 7:50:54, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1604, decode.acc_seg: 93.4479, aux.loss_ce: 0.0940, aux.acc_seg: 90.3873, loss: 0.2544, grad_norm: 3.0820 2023-02-19 12:35:09,735 - mmseg - INFO - Iter [83350/160000] lr: 2.874e-05, eta: 7:50:35, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1732, decode.acc_seg: 92.9352, aux.loss_ce: 0.1026, aux.acc_seg: 89.8323, loss: 0.2757, grad_norm: 3.4970 2023-02-19 12:35:30,228 - mmseg - INFO - Iter [83400/160000] lr: 2.873e-05, eta: 7:50:19, time: 0.410, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1525, decode.acc_seg: 93.7788, aux.loss_ce: 0.0890, aux.acc_seg: 90.8944, loss: 0.2415, grad_norm: 2.5451 2023-02-19 12:35:48,557 - mmseg - INFO - Iter [83450/160000] lr: 2.871e-05, eta: 7:50:00, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1586, decode.acc_seg: 93.6773, aux.loss_ce: 0.0912, aux.acc_seg: 90.8443, loss: 0.2499, grad_norm: 2.4320 2023-02-19 12:36:06,475 - mmseg - INFO - Iter [83500/160000] lr: 2.869e-05, eta: 7:49:41, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1656, decode.acc_seg: 93.3257, aux.loss_ce: 0.0980, aux.acc_seg: 90.2640, loss: 0.2636, grad_norm: 3.4535 2023-02-19 12:36:24,869 - mmseg - INFO - Iter [83550/160000] lr: 2.867e-05, eta: 7:49:23, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1544, decode.acc_seg: 93.6499, aux.loss_ce: 0.0919, aux.acc_seg: 90.6573, loss: 0.2463, grad_norm: 3.5128 2023-02-19 12:36:43,077 - mmseg - INFO - Iter [83600/160000] lr: 2.865e-05, eta: 7:49:04, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1538, decode.acc_seg: 93.6259, aux.loss_ce: 0.0927, aux.acc_seg: 90.4447, loss: 0.2464, grad_norm: 2.8351 2023-02-19 12:37:00,972 - mmseg - INFO - Iter [83650/160000] lr: 2.863e-05, eta: 7:48:45, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1663, decode.acc_seg: 93.2825, aux.loss_ce: 0.0964, aux.acc_seg: 90.1428, loss: 0.2626, grad_norm: 3.2270 2023-02-19 12:37:19,121 - mmseg - INFO - Iter [83700/160000] lr: 2.861e-05, eta: 7:48:27, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1616, decode.acc_seg: 93.2790, aux.loss_ce: 0.0952, aux.acc_seg: 90.2837, loss: 0.2568, grad_norm: 2.4592 2023-02-19 12:37:37,020 - mmseg - INFO - Iter [83750/160000] lr: 2.859e-05, eta: 7:48:08, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1537, decode.acc_seg: 93.6305, aux.loss_ce: 0.0913, aux.acc_seg: 90.6165, loss: 0.2450, grad_norm: 3.0870 2023-02-19 12:37:54,968 - mmseg - INFO - Iter [83800/160000] lr: 2.858e-05, eta: 7:47:49, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1683, decode.acc_seg: 93.2486, aux.loss_ce: 0.0967, aux.acc_seg: 90.2728, loss: 0.2649, grad_norm: 3.1520 2023-02-19 12:38:13,182 - mmseg - INFO - Iter [83850/160000] lr: 2.856e-05, eta: 7:47:30, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1632, decode.acc_seg: 93.3361, aux.loss_ce: 0.0958, aux.acc_seg: 90.3306, loss: 0.2590, grad_norm: 2.9569 2023-02-19 12:38:31,227 - mmseg - INFO - Iter [83900/160000] lr: 2.854e-05, eta: 7:47:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1663, decode.acc_seg: 93.1605, aux.loss_ce: 0.0952, aux.acc_seg: 90.0289, loss: 0.2615, grad_norm: 2.9579 2023-02-19 12:38:49,819 - mmseg - INFO - Iter [83950/160000] lr: 2.852e-05, eta: 7:46:53, time: 0.372, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1638, decode.acc_seg: 93.3385, aux.loss_ce: 0.0930, aux.acc_seg: 90.6092, loss: 0.2568, grad_norm: 2.4430 2023-02-19 12:39:07,723 - mmseg - INFO - Saving checkpoint at 84000 iterations 2023-02-19 12:39:09,648 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:39:09,648 - mmseg - INFO - Iter [84000/160000] lr: 2.850e-05, eta: 7:46:36, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1550, decode.acc_seg: 93.6448, aux.loss_ce: 0.0891, aux.acc_seg: 90.9471, loss: 0.2441, grad_norm: 2.3384 2023-02-19 12:39:27,760 - mmseg - INFO - Iter [84050/160000] lr: 2.848e-05, eta: 7:46:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1632, decode.acc_seg: 93.1710, aux.loss_ce: 0.0939, aux.acc_seg: 90.2868, loss: 0.2571, grad_norm: 2.5795 2023-02-19 12:39:45,690 - mmseg - INFO - Iter [84100/160000] lr: 2.846e-05, eta: 7:45:59, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1626, decode.acc_seg: 93.2210, aux.loss_ce: 0.0952, aux.acc_seg: 90.0755, loss: 0.2578, grad_norm: 2.7358 2023-02-19 12:40:03,616 - mmseg - INFO - Iter [84150/160000] lr: 2.844e-05, eta: 7:45:40, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1589, decode.acc_seg: 93.4483, aux.loss_ce: 0.0958, aux.acc_seg: 90.2605, loss: 0.2547, grad_norm: 2.8980 2023-02-19 12:40:21,574 - mmseg - INFO - Iter [84200/160000] lr: 2.843e-05, eta: 7:45:21, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1684, decode.acc_seg: 93.0930, aux.loss_ce: 0.0948, aux.acc_seg: 90.4861, loss: 0.2631, grad_norm: 2.7105 2023-02-19 12:40:39,524 - mmseg - INFO - Iter [84250/160000] lr: 2.841e-05, eta: 7:45:02, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1701, decode.acc_seg: 93.0024, aux.loss_ce: 0.1005, aux.acc_seg: 89.8570, loss: 0.2706, grad_norm: 2.8526 2023-02-19 12:40:57,471 - mmseg - INFO - Iter [84300/160000] lr: 2.839e-05, eta: 7:44:43, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1539, decode.acc_seg: 93.7396, aux.loss_ce: 0.0907, aux.acc_seg: 90.8609, loss: 0.2446, grad_norm: 2.7041 2023-02-19 12:41:15,508 - mmseg - INFO - Iter [84350/160000] lr: 2.837e-05, eta: 7:44:25, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1586, decode.acc_seg: 93.5633, aux.loss_ce: 0.0971, aux.acc_seg: 90.3121, loss: 0.2557, grad_norm: 3.4213 2023-02-19 12:41:33,719 - mmseg - INFO - Iter [84400/160000] lr: 2.835e-05, eta: 7:44:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1633, decode.acc_seg: 93.1763, aux.loss_ce: 0.0949, aux.acc_seg: 90.2900, loss: 0.2582, grad_norm: 3.0165 2023-02-19 12:41:51,876 - mmseg - INFO - Iter [84450/160000] lr: 2.833e-05, eta: 7:43:47, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1598, decode.acc_seg: 93.5960, aux.loss_ce: 0.0915, aux.acc_seg: 90.9074, loss: 0.2513, grad_norm: 2.7478 2023-02-19 12:42:10,022 - mmseg - INFO - Iter [84500/160000] lr: 2.831e-05, eta: 7:43:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1503, decode.acc_seg: 93.8716, aux.loss_ce: 0.0879, aux.acc_seg: 90.9918, loss: 0.2382, grad_norm: 2.1997 2023-02-19 12:42:28,287 - mmseg - INFO - Iter [84550/160000] lr: 2.829e-05, eta: 7:43:10, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1638, decode.acc_seg: 93.3859, aux.loss_ce: 0.0986, aux.acc_seg: 90.1877, loss: 0.2624, grad_norm: 3.5332 2023-02-19 12:42:46,568 - mmseg - INFO - Iter [84600/160000] lr: 2.828e-05, eta: 7:42:52, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1629, decode.acc_seg: 93.2910, aux.loss_ce: 0.0949, aux.acc_seg: 90.3891, loss: 0.2577, grad_norm: 3.2292 2023-02-19 12:43:07,146 - mmseg - INFO - Iter [84650/160000] lr: 2.826e-05, eta: 7:42:35, time: 0.411, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1535, decode.acc_seg: 93.6914, aux.loss_ce: 0.0916, aux.acc_seg: 90.7217, loss: 0.2451, grad_norm: 2.4552 2023-02-19 12:43:25,417 - mmseg - INFO - Iter [84700/160000] lr: 2.824e-05, eta: 7:42:17, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1558, decode.acc_seg: 93.5802, aux.loss_ce: 0.0907, aux.acc_seg: 90.7565, loss: 0.2465, grad_norm: 2.6054 2023-02-19 12:43:43,430 - mmseg - INFO - Iter [84750/160000] lr: 2.822e-05, eta: 7:41:58, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1585, decode.acc_seg: 93.4945, aux.loss_ce: 0.0905, aux.acc_seg: 90.7582, loss: 0.2490, grad_norm: 2.7491 2023-02-19 12:44:01,521 - mmseg - INFO - Iter [84800/160000] lr: 2.820e-05, eta: 7:41:39, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1561, decode.acc_seg: 93.5008, aux.loss_ce: 0.0908, aux.acc_seg: 90.7065, loss: 0.2469, grad_norm: 2.7658 2023-02-19 12:44:19,771 - mmseg - INFO - Iter [84850/160000] lr: 2.818e-05, eta: 7:41:21, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1609, decode.acc_seg: 93.2758, aux.loss_ce: 0.0922, aux.acc_seg: 90.4154, loss: 0.2531, grad_norm: 2.9518 2023-02-19 12:44:37,857 - mmseg - INFO - Iter [84900/160000] lr: 2.816e-05, eta: 7:41:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1703, decode.acc_seg: 93.1216, aux.loss_ce: 0.0968, aux.acc_seg: 90.2876, loss: 0.2671, grad_norm: 2.9138 2023-02-19 12:44:56,213 - mmseg - INFO - Iter [84950/160000] lr: 2.814e-05, eta: 7:40:43, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1649, decode.acc_seg: 93.2330, aux.loss_ce: 0.0986, aux.acc_seg: 90.1120, loss: 0.2634, grad_norm: 2.6522 2023-02-19 12:45:14,394 - mmseg - INFO - Saving checkpoint at 85000 iterations 2023-02-19 12:45:16,185 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:45:16,185 - mmseg - INFO - Iter [85000/160000] lr: 2.813e-05, eta: 7:40:26, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1617, decode.acc_seg: 93.4122, aux.loss_ce: 0.0945, aux.acc_seg: 90.3882, loss: 0.2563, grad_norm: 2.6633 2023-02-19 12:45:34,248 - mmseg - INFO - Iter [85050/160000] lr: 2.811e-05, eta: 7:40:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1601, decode.acc_seg: 93.2389, aux.loss_ce: 0.0913, aux.acc_seg: 90.4975, loss: 0.2514, grad_norm: 2.4293 2023-02-19 12:45:52,373 - mmseg - INFO - Iter [85100/160000] lr: 2.809e-05, eta: 7:39:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1457, decode.acc_seg: 93.8324, aux.loss_ce: 0.0867, aux.acc_seg: 90.9018, loss: 0.2323, grad_norm: 2.2562 2023-02-19 12:46:10,658 - mmseg - INFO - Iter [85150/160000] lr: 2.807e-05, eta: 7:39:30, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1575, decode.acc_seg: 93.5438, aux.loss_ce: 0.0923, aux.acc_seg: 90.7758, loss: 0.2498, grad_norm: 3.1062 2023-02-19 12:46:28,854 - mmseg - INFO - Iter [85200/160000] lr: 2.805e-05, eta: 7:39:12, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1518, decode.acc_seg: 93.5608, aux.loss_ce: 0.0859, aux.acc_seg: 90.9809, loss: 0.2377, grad_norm: 2.5989 2023-02-19 12:46:47,052 - mmseg - INFO - Iter [85250/160000] lr: 2.803e-05, eta: 7:38:53, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1532, decode.acc_seg: 93.6719, aux.loss_ce: 0.0911, aux.acc_seg: 90.6494, loss: 0.2443, grad_norm: 2.6088 2023-02-19 12:47:05,421 - mmseg - INFO - Iter [85300/160000] lr: 2.801e-05, eta: 7:38:35, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1582, decode.acc_seg: 93.5646, aux.loss_ce: 0.0928, aux.acc_seg: 90.4855, loss: 0.2510, grad_norm: 3.9782 2023-02-19 12:47:23,812 - mmseg - INFO - Iter [85350/160000] lr: 2.799e-05, eta: 7:38:16, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1646, decode.acc_seg: 93.2814, aux.loss_ce: 0.0948, aux.acc_seg: 90.5260, loss: 0.2594, grad_norm: 2.9981 2023-02-19 12:47:42,191 - mmseg - INFO - Iter [85400/160000] lr: 2.798e-05, eta: 7:37:58, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1605, decode.acc_seg: 93.3975, aux.loss_ce: 0.0935, aux.acc_seg: 90.5614, loss: 0.2540, grad_norm: 3.0649 2023-02-19 12:48:00,849 - mmseg - INFO - Iter [85450/160000] lr: 2.796e-05, eta: 7:37:40, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1606, decode.acc_seg: 93.3720, aux.loss_ce: 0.0936, aux.acc_seg: 90.3884, loss: 0.2542, grad_norm: 4.1873 2023-02-19 12:48:19,248 - mmseg - INFO - Iter [85500/160000] lr: 2.794e-05, eta: 7:37:21, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1533, decode.acc_seg: 93.6112, aux.loss_ce: 0.0911, aux.acc_seg: 90.5286, loss: 0.2444, grad_norm: 2.5943 2023-02-19 12:48:37,258 - mmseg - INFO - Iter [85550/160000] lr: 2.792e-05, eta: 7:37:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1509, decode.acc_seg: 93.8354, aux.loss_ce: 0.0906, aux.acc_seg: 90.7592, loss: 0.2415, grad_norm: 2.5589 2023-02-19 12:48:55,196 - mmseg - INFO - Iter [85600/160000] lr: 2.790e-05, eta: 7:36:44, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1698, decode.acc_seg: 93.0729, aux.loss_ce: 0.1003, aux.acc_seg: 90.0449, loss: 0.2701, grad_norm: 4.8039 2023-02-19 12:49:13,111 - mmseg - INFO - Iter [85650/160000] lr: 2.788e-05, eta: 7:36:25, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1523, decode.acc_seg: 93.6628, aux.loss_ce: 0.0906, aux.acc_seg: 90.8113, loss: 0.2429, grad_norm: 2.5846 2023-02-19 12:49:31,324 - mmseg - INFO - Iter [85700/160000] lr: 2.786e-05, eta: 7:36:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1593, decode.acc_seg: 93.5262, aux.loss_ce: 0.0952, aux.acc_seg: 90.4069, loss: 0.2544, grad_norm: 2.5807 2023-02-19 12:49:49,430 - mmseg - INFO - Iter [85750/160000] lr: 2.784e-05, eta: 7:35:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1587, decode.acc_seg: 93.4139, aux.loss_ce: 0.0908, aux.acc_seg: 90.6944, loss: 0.2496, grad_norm: 3.1070 2023-02-19 12:50:07,308 - mmseg - INFO - Iter [85800/160000] lr: 2.783e-05, eta: 7:35:29, time: 0.357, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1660, decode.acc_seg: 93.1570, aux.loss_ce: 0.0992, aux.acc_seg: 89.9659, loss: 0.2652, grad_norm: 4.0543 2023-02-19 12:50:25,348 - mmseg - INFO - Iter [85850/160000] lr: 2.781e-05, eta: 7:35:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1659, decode.acc_seg: 93.0824, aux.loss_ce: 0.0944, aux.acc_seg: 90.1610, loss: 0.2604, grad_norm: 3.3147 2023-02-19 12:50:45,571 - mmseg - INFO - Iter [85900/160000] lr: 2.779e-05, eta: 7:34:53, time: 0.404, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1552, decode.acc_seg: 93.6800, aux.loss_ce: 0.0916, aux.acc_seg: 90.8150, loss: 0.2468, grad_norm: 3.0034 2023-02-19 12:51:03,606 - mmseg - INFO - Iter [85950/160000] lr: 2.777e-05, eta: 7:34:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1563, decode.acc_seg: 93.6130, aux.loss_ce: 0.0918, aux.acc_seg: 90.6697, loss: 0.2481, grad_norm: 2.6935 2023-02-19 12:51:21,518 - mmseg - INFO - Saving checkpoint at 86000 iterations 2023-02-19 12:51:23,311 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:51:23,311 - mmseg - INFO - Iter [86000/160000] lr: 2.775e-05, eta: 7:34:17, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1574, decode.acc_seg: 93.5406, aux.loss_ce: 0.0937, aux.acc_seg: 90.3856, loss: 0.2511, grad_norm: 3.0107 2023-02-19 12:51:41,281 - mmseg - INFO - Iter [86050/160000] lr: 2.773e-05, eta: 7:33:58, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1455, decode.acc_seg: 93.9612, aux.loss_ce: 0.0874, aux.acc_seg: 90.9127, loss: 0.2328, grad_norm: 2.5237 2023-02-19 12:51:59,473 - mmseg - INFO - Iter [86100/160000] lr: 2.771e-05, eta: 7:33:39, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1611, decode.acc_seg: 93.2716, aux.loss_ce: 0.0927, aux.acc_seg: 90.6505, loss: 0.2538, grad_norm: 2.7613 2023-02-19 12:52:17,652 - mmseg - INFO - Iter [86150/160000] lr: 2.769e-05, eta: 7:33:21, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1531, decode.acc_seg: 93.6111, aux.loss_ce: 0.0894, aux.acc_seg: 90.9294, loss: 0.2426, grad_norm: 3.3796 2023-02-19 12:52:35,713 - mmseg - INFO - Iter [86200/160000] lr: 2.768e-05, eta: 7:33:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1711, decode.acc_seg: 93.1672, aux.loss_ce: 0.0946, aux.acc_seg: 90.3733, loss: 0.2657, grad_norm: 3.0545 2023-02-19 12:52:53,776 - mmseg - INFO - Iter [86250/160000] lr: 2.766e-05, eta: 7:32:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1534, decode.acc_seg: 93.7261, aux.loss_ce: 0.0921, aux.acc_seg: 90.3924, loss: 0.2455, grad_norm: 2.5164 2023-02-19 12:53:11,750 - mmseg - INFO - Iter [86300/160000] lr: 2.764e-05, eta: 7:32:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1492, decode.acc_seg: 93.9231, aux.loss_ce: 0.0891, aux.acc_seg: 90.9784, loss: 0.2383, grad_norm: 2.1351 2023-02-19 12:53:29,738 - mmseg - INFO - Iter [86350/160000] lr: 2.762e-05, eta: 7:32:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1564, decode.acc_seg: 93.4013, aux.loss_ce: 0.0912, aux.acc_seg: 90.5713, loss: 0.2476, grad_norm: 2.2527 2023-02-19 12:53:47,851 - mmseg - INFO - Iter [86400/160000] lr: 2.760e-05, eta: 7:31:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1523, decode.acc_seg: 93.6487, aux.loss_ce: 0.0892, aux.acc_seg: 90.8389, loss: 0.2414, grad_norm: 2.8870 2023-02-19 12:54:05,806 - mmseg - INFO - Iter [86450/160000] lr: 2.758e-05, eta: 7:31:28, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1577, decode.acc_seg: 93.5550, aux.loss_ce: 0.0948, aux.acc_seg: 90.5134, loss: 0.2525, grad_norm: 2.9505 2023-02-19 12:54:23,959 - mmseg - INFO - Iter [86500/160000] lr: 2.756e-05, eta: 7:31:10, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1526, decode.acc_seg: 93.7835, aux.loss_ce: 0.0909, aux.acc_seg: 90.8726, loss: 0.2435, grad_norm: 2.1468 2023-02-19 12:54:42,294 - mmseg - INFO - Iter [86550/160000] lr: 2.754e-05, eta: 7:30:51, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1569, decode.acc_seg: 93.5457, aux.loss_ce: 0.0915, aux.acc_seg: 90.6477, loss: 0.2484, grad_norm: 2.5360 2023-02-19 12:55:00,849 - mmseg - INFO - Iter [86600/160000] lr: 2.753e-05, eta: 7:30:33, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1633, decode.acc_seg: 93.3442, aux.loss_ce: 0.0983, aux.acc_seg: 90.3400, loss: 0.2615, grad_norm: 2.5676 2023-02-19 12:55:18,778 - mmseg - INFO - Iter [86650/160000] lr: 2.751e-05, eta: 7:30:14, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1575, decode.acc_seg: 93.3822, aux.loss_ce: 0.0941, aux.acc_seg: 90.1691, loss: 0.2516, grad_norm: 2.4470 2023-02-19 12:55:36,849 - mmseg - INFO - Iter [86700/160000] lr: 2.749e-05, eta: 7:29:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1516, decode.acc_seg: 93.8242, aux.loss_ce: 0.0907, aux.acc_seg: 90.9014, loss: 0.2423, grad_norm: 2.5178 2023-02-19 12:55:55,185 - mmseg - INFO - Iter [86750/160000] lr: 2.747e-05, eta: 7:29:37, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1631, decode.acc_seg: 93.4197, aux.loss_ce: 0.0960, aux.acc_seg: 90.3481, loss: 0.2591, grad_norm: 2.5328 2023-02-19 12:56:13,176 - mmseg - INFO - Iter [86800/160000] lr: 2.745e-05, eta: 7:29:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1523, decode.acc_seg: 93.6851, aux.loss_ce: 0.0928, aux.acc_seg: 90.5868, loss: 0.2452, grad_norm: 2.5514 2023-02-19 12:56:31,092 - mmseg - INFO - Iter [86850/160000] lr: 2.743e-05, eta: 7:28:59, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1600, decode.acc_seg: 93.4611, aux.loss_ce: 0.0939, aux.acc_seg: 90.4576, loss: 0.2539, grad_norm: 2.3843 2023-02-19 12:56:49,669 - mmseg - INFO - Iter [86900/160000] lr: 2.741e-05, eta: 7:28:41, time: 0.372, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1623, decode.acc_seg: 93.4529, aux.loss_ce: 0.0973, aux.acc_seg: 90.4010, loss: 0.2596, grad_norm: 3.2635 2023-02-19 12:57:07,700 - mmseg - INFO - Iter [86950/160000] lr: 2.739e-05, eta: 7:28:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1567, decode.acc_seg: 93.5320, aux.loss_ce: 0.0894, aux.acc_seg: 90.8079, loss: 0.2460, grad_norm: 2.6317 2023-02-19 12:57:25,983 - mmseg - INFO - Saving checkpoint at 87000 iterations 2023-02-19 12:57:27,797 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 12:57:27,798 - mmseg - INFO - Iter [87000/160000] lr: 2.738e-05, eta: 7:28:05, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.7909, aux.loss_ce: 0.0893, aux.acc_seg: 90.8491, loss: 0.2390, grad_norm: 2.5834 2023-02-19 12:57:46,047 - mmseg - INFO - Iter [87050/160000] lr: 2.736e-05, eta: 7:27:47, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1528, decode.acc_seg: 93.7513, aux.loss_ce: 0.0907, aux.acc_seg: 90.8878, loss: 0.2434, grad_norm: 2.2890 2023-02-19 12:58:04,320 - mmseg - INFO - Iter [87100/160000] lr: 2.734e-05, eta: 7:27:28, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1619, decode.acc_seg: 93.4244, aux.loss_ce: 0.0942, aux.acc_seg: 90.6195, loss: 0.2561, grad_norm: 2.6466 2023-02-19 12:58:24,655 - mmseg - INFO - Iter [87150/160000] lr: 2.732e-05, eta: 7:27:11, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1569, decode.acc_seg: 93.5264, aux.loss_ce: 0.0912, aux.acc_seg: 90.5526, loss: 0.2480, grad_norm: 2.5663 2023-02-19 12:58:42,694 - mmseg - INFO - Iter [87200/160000] lr: 2.730e-05, eta: 7:26:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1505, decode.acc_seg: 93.7073, aux.loss_ce: 0.0881, aux.acc_seg: 90.8164, loss: 0.2386, grad_norm: 2.8618 2023-02-19 12:59:00,686 - mmseg - INFO - Iter [87250/160000] lr: 2.728e-05, eta: 7:26:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1477, decode.acc_seg: 93.7866, aux.loss_ce: 0.0906, aux.acc_seg: 90.6564, loss: 0.2383, grad_norm: 2.7470 2023-02-19 12:59:19,014 - mmseg - INFO - Iter [87300/160000] lr: 2.726e-05, eta: 7:26:15, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.8019, aux.loss_ce: 0.0883, aux.acc_seg: 91.0649, loss: 0.2381, grad_norm: 2.7423 2023-02-19 12:59:37,354 - mmseg - INFO - Iter [87350/160000] lr: 2.724e-05, eta: 7:25:57, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1547, decode.acc_seg: 93.6364, aux.loss_ce: 0.0902, aux.acc_seg: 90.7141, loss: 0.2448, grad_norm: 2.6160 2023-02-19 12:59:55,563 - mmseg - INFO - Iter [87400/160000] lr: 2.723e-05, eta: 7:25:38, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1601, decode.acc_seg: 93.4831, aux.loss_ce: 0.0913, aux.acc_seg: 90.7047, loss: 0.2514, grad_norm: 3.0738 2023-02-19 13:00:13,563 - mmseg - INFO - Iter [87450/160000] lr: 2.721e-05, eta: 7:25:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1635, decode.acc_seg: 93.3611, aux.loss_ce: 0.0939, aux.acc_seg: 90.5379, loss: 0.2574, grad_norm: 2.7275 2023-02-19 13:00:31,650 - mmseg - INFO - Iter [87500/160000] lr: 2.719e-05, eta: 7:25:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1536, decode.acc_seg: 93.7392, aux.loss_ce: 0.0902, aux.acc_seg: 90.7333, loss: 0.2438, grad_norm: 3.3570 2023-02-19 13:00:49,621 - mmseg - INFO - Iter [87550/160000] lr: 2.717e-05, eta: 7:24:42, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1565, decode.acc_seg: 93.5007, aux.loss_ce: 0.0902, aux.acc_seg: 90.7370, loss: 0.2467, grad_norm: 2.9199 2023-02-19 13:01:07,682 - mmseg - INFO - Iter [87600/160000] lr: 2.715e-05, eta: 7:24:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1527, decode.acc_seg: 93.8074, aux.loss_ce: 0.0922, aux.acc_seg: 90.7741, loss: 0.2449, grad_norm: 3.1296 2023-02-19 13:01:25,741 - mmseg - INFO - Iter [87650/160000] lr: 2.713e-05, eta: 7:24:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1432, decode.acc_seg: 94.0243, aux.loss_ce: 0.0863, aux.acc_seg: 91.1449, loss: 0.2294, grad_norm: 2.5261 2023-02-19 13:01:43,835 - mmseg - INFO - Iter [87700/160000] lr: 2.711e-05, eta: 7:23:46, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1613, decode.acc_seg: 93.3994, aux.loss_ce: 0.0932, aux.acc_seg: 90.5290, loss: 0.2544, grad_norm: 3.3117 2023-02-19 13:02:01,799 - mmseg - INFO - Iter [87750/160000] lr: 2.709e-05, eta: 7:23:27, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1712, decode.acc_seg: 93.2187, aux.loss_ce: 0.0997, aux.acc_seg: 90.0664, loss: 0.2708, grad_norm: 3.9586 2023-02-19 13:02:19,758 - mmseg - INFO - Iter [87800/160000] lr: 2.708e-05, eta: 7:23:08, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1542, decode.acc_seg: 93.4860, aux.loss_ce: 0.0913, aux.acc_seg: 90.7006, loss: 0.2455, grad_norm: 2.5095 2023-02-19 13:02:38,961 - mmseg - INFO - Iter [87850/160000] lr: 2.706e-05, eta: 7:22:51, time: 0.383, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1767, decode.acc_seg: 93.1481, aux.loss_ce: 0.0989, aux.acc_seg: 90.3201, loss: 0.2756, grad_norm: 3.0612 2023-02-19 13:02:57,057 - mmseg - INFO - Iter [87900/160000] lr: 2.704e-05, eta: 7:22:32, time: 0.362, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1620, decode.acc_seg: 93.3172, aux.loss_ce: 0.0956, aux.acc_seg: 90.1953, loss: 0.2577, grad_norm: 3.5001 2023-02-19 13:03:15,213 - mmseg - INFO - Iter [87950/160000] lr: 2.702e-05, eta: 7:22:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1515, decode.acc_seg: 93.7370, aux.loss_ce: 0.0903, aux.acc_seg: 90.6255, loss: 0.2419, grad_norm: 2.4305 2023-02-19 13:03:33,300 - mmseg - INFO - Saving checkpoint at 88000 iterations 2023-02-19 13:03:35,125 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:03:35,125 - mmseg - INFO - Iter [88000/160000] lr: 2.700e-05, eta: 7:21:56, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1480, decode.acc_seg: 93.8985, aux.loss_ce: 0.0870, aux.acc_seg: 91.1049, loss: 0.2350, grad_norm: 1.9733 2023-02-19 13:03:53,103 - mmseg - INFO - Iter [88050/160000] lr: 2.698e-05, eta: 7:21:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1556, decode.acc_seg: 93.6983, aux.loss_ce: 0.0915, aux.acc_seg: 90.6746, loss: 0.2471, grad_norm: 2.4320 2023-02-19 13:04:11,208 - mmseg - INFO - Iter [88100/160000] lr: 2.696e-05, eta: 7:21:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1590, decode.acc_seg: 93.4041, aux.loss_ce: 0.0914, aux.acc_seg: 90.6024, loss: 0.2504, grad_norm: 3.3871 2023-02-19 13:04:29,401 - mmseg - INFO - Iter [88150/160000] lr: 2.694e-05, eta: 7:21:00, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1539, decode.acc_seg: 93.5714, aux.loss_ce: 0.0893, aux.acc_seg: 90.7061, loss: 0.2431, grad_norm: 2.3510 2023-02-19 13:04:47,383 - mmseg - INFO - Iter [88200/160000] lr: 2.693e-05, eta: 7:20:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1657, decode.acc_seg: 93.1733, aux.loss_ce: 0.0929, aux.acc_seg: 90.5159, loss: 0.2586, grad_norm: 3.2129 2023-02-19 13:05:05,736 - mmseg - INFO - Iter [88250/160000] lr: 2.691e-05, eta: 7:20:23, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1484, decode.acc_seg: 93.8568, aux.loss_ce: 0.0854, aux.acc_seg: 91.0805, loss: 0.2338, grad_norm: 2.8986 2023-02-19 13:05:23,678 - mmseg - INFO - Iter [88300/160000] lr: 2.689e-05, eta: 7:20:04, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1570, decode.acc_seg: 93.5870, aux.loss_ce: 0.0922, aux.acc_seg: 90.4940, loss: 0.2493, grad_norm: 2.7564 2023-02-19 13:05:41,625 - mmseg - INFO - Iter [88350/160000] lr: 2.687e-05, eta: 7:19:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1585, decode.acc_seg: 93.4954, aux.loss_ce: 0.0936, aux.acc_seg: 90.6028, loss: 0.2521, grad_norm: 2.8302 2023-02-19 13:05:59,576 - mmseg - INFO - Iter [88400/160000] lr: 2.685e-05, eta: 7:19:27, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1479, decode.acc_seg: 93.7132, aux.loss_ce: 0.0868, aux.acc_seg: 90.8901, loss: 0.2348, grad_norm: 2.2729 2023-02-19 13:06:19,850 - mmseg - INFO - Iter [88450/160000] lr: 2.683e-05, eta: 7:19:10, time: 0.405, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1492, decode.acc_seg: 93.8445, aux.loss_ce: 0.0895, aux.acc_seg: 90.8162, loss: 0.2387, grad_norm: 3.1318 2023-02-19 13:06:37,773 - mmseg - INFO - Iter [88500/160000] lr: 2.681e-05, eta: 7:18:51, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1570, decode.acc_seg: 93.3522, aux.loss_ce: 0.0894, aux.acc_seg: 90.6911, loss: 0.2465, grad_norm: 3.0279 2023-02-19 13:06:55,723 - mmseg - INFO - Iter [88550/160000] lr: 2.679e-05, eta: 7:18:32, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1526, decode.acc_seg: 93.5610, aux.loss_ce: 0.0899, aux.acc_seg: 90.6738, loss: 0.2426, grad_norm: 3.1608 2023-02-19 13:07:13,843 - mmseg - INFO - Iter [88600/160000] lr: 2.678e-05, eta: 7:18:13, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1504, decode.acc_seg: 93.5475, aux.loss_ce: 0.0887, aux.acc_seg: 90.5710, loss: 0.2391, grad_norm: 2.3977 2023-02-19 13:07:31,791 - mmseg - INFO - Iter [88650/160000] lr: 2.676e-05, eta: 7:17:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1466, decode.acc_seg: 93.9661, aux.loss_ce: 0.0874, aux.acc_seg: 91.0324, loss: 0.2340, grad_norm: 3.3472 2023-02-19 13:07:49,731 - mmseg - INFO - Iter [88700/160000] lr: 2.674e-05, eta: 7:17:36, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1605, decode.acc_seg: 93.3371, aux.loss_ce: 0.0960, aux.acc_seg: 90.1845, loss: 0.2564, grad_norm: 2.8064 2023-02-19 13:08:07,799 - mmseg - INFO - Iter [88750/160000] lr: 2.672e-05, eta: 7:17:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1507, decode.acc_seg: 93.7007, aux.loss_ce: 0.0871, aux.acc_seg: 91.0221, loss: 0.2378, grad_norm: 2.5376 2023-02-19 13:08:28,421 - mmseg - INFO - Iter [88800/160000] lr: 2.670e-05, eta: 7:17:01, time: 0.413, data_time: 0.009, memory: 20662, decode.loss_ce: 0.1567, decode.acc_seg: 93.5092, aux.loss_ce: 0.0901, aux.acc_seg: 90.7617, loss: 0.2468, grad_norm: 2.0610 2023-02-19 13:08:46,394 - mmseg - INFO - Iter [88850/160000] lr: 2.668e-05, eta: 7:16:42, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1596, decode.acc_seg: 93.5801, aux.loss_ce: 0.0926, aux.acc_seg: 90.7744, loss: 0.2522, grad_norm: 2.6452 2023-02-19 13:09:04,431 - mmseg - INFO - Iter [88900/160000] lr: 2.666e-05, eta: 7:16:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1586, decode.acc_seg: 93.3668, aux.loss_ce: 0.0913, aux.acc_seg: 90.6157, loss: 0.2499, grad_norm: 2.7506 2023-02-19 13:09:22,457 - mmseg - INFO - Iter [88950/160000] lr: 2.664e-05, eta: 7:16:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1704, decode.acc_seg: 92.8115, aux.loss_ce: 0.0980, aux.acc_seg: 89.9307, loss: 0.2683, grad_norm: 4.7087 2023-02-19 13:09:40,591 - mmseg - INFO - Saving checkpoint at 89000 iterations 2023-02-19 13:09:42,536 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:09:42,536 - mmseg - INFO - Iter [89000/160000] lr: 2.663e-05, eta: 7:15:47, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1537, decode.acc_seg: 93.6731, aux.loss_ce: 0.0920, aux.acc_seg: 90.5939, loss: 0.2457, grad_norm: 2.8626 2023-02-19 13:10:00,936 - mmseg - INFO - Iter [89050/160000] lr: 2.661e-05, eta: 7:15:29, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1591, decode.acc_seg: 93.3642, aux.loss_ce: 0.0924, aux.acc_seg: 90.3027, loss: 0.2515, grad_norm: 3.4716 2023-02-19 13:10:18,922 - mmseg - INFO - Iter [89100/160000] lr: 2.659e-05, eta: 7:15:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1594, decode.acc_seg: 93.4061, aux.loss_ce: 0.0953, aux.acc_seg: 90.4107, loss: 0.2547, grad_norm: 3.2817 2023-02-19 13:10:37,135 - mmseg - INFO - Iter [89150/160000] lr: 2.657e-05, eta: 7:14:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1581, decode.acc_seg: 93.6238, aux.loss_ce: 0.0936, aux.acc_seg: 90.5393, loss: 0.2518, grad_norm: 2.6793 2023-02-19 13:10:55,528 - mmseg - INFO - Iter [89200/160000] lr: 2.655e-05, eta: 7:14:33, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1487, decode.acc_seg: 93.7838, aux.loss_ce: 0.0866, aux.acc_seg: 91.0771, loss: 0.2353, grad_norm: 2.2804 2023-02-19 13:11:14,043 - mmseg - INFO - Iter [89250/160000] lr: 2.653e-05, eta: 7:14:15, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1409, decode.acc_seg: 94.1765, aux.loss_ce: 0.0860, aux.acc_seg: 91.1273, loss: 0.2270, grad_norm: 2.5930 2023-02-19 13:11:32,221 - mmseg - INFO - Iter [89300/160000] lr: 2.651e-05, eta: 7:13:56, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1372, decode.acc_seg: 94.2015, aux.loss_ce: 0.0847, aux.acc_seg: 91.2963, loss: 0.2219, grad_norm: 2.2673 2023-02-19 13:11:50,808 - mmseg - INFO - Iter [89350/160000] lr: 2.649e-05, eta: 7:13:38, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1664, decode.acc_seg: 93.2468, aux.loss_ce: 0.0943, aux.acc_seg: 90.4099, loss: 0.2607, grad_norm: 3.8179 2023-02-19 13:12:08,816 - mmseg - INFO - Iter [89400/160000] lr: 2.648e-05, eta: 7:13:19, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1555, decode.acc_seg: 93.7065, aux.loss_ce: 0.0936, aux.acc_seg: 90.6545, loss: 0.2491, grad_norm: 2.4296 2023-02-19 13:12:27,448 - mmseg - INFO - Iter [89450/160000] lr: 2.646e-05, eta: 7:13:01, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1513, decode.acc_seg: 93.5503, aux.loss_ce: 0.0914, aux.acc_seg: 90.5972, loss: 0.2427, grad_norm: 2.5499 2023-02-19 13:12:45,600 - mmseg - INFO - Iter [89500/160000] lr: 2.644e-05, eta: 7:12:42, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1486, decode.acc_seg: 93.9571, aux.loss_ce: 0.0903, aux.acc_seg: 90.8644, loss: 0.2389, grad_norm: 2.7131 2023-02-19 13:13:03,676 - mmseg - INFO - Iter [89550/160000] lr: 2.642e-05, eta: 7:12:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1578, decode.acc_seg: 93.4973, aux.loss_ce: 0.0906, aux.acc_seg: 90.6409, loss: 0.2483, grad_norm: 2.6916 2023-02-19 13:13:21,833 - mmseg - INFO - Iter [89600/160000] lr: 2.640e-05, eta: 7:12:05, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1567, decode.acc_seg: 93.4352, aux.loss_ce: 0.0928, aux.acc_seg: 90.3519, loss: 0.2495, grad_norm: 2.9313 2023-02-19 13:13:39,864 - mmseg - INFO - Iter [89650/160000] lr: 2.638e-05, eta: 7:11:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1578, decode.acc_seg: 93.5081, aux.loss_ce: 0.0946, aux.acc_seg: 90.4433, loss: 0.2524, grad_norm: 2.4217 2023-02-19 13:14:00,329 - mmseg - INFO - Iter [89700/160000] lr: 2.636e-05, eta: 7:11:29, time: 0.409, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1542, decode.acc_seg: 93.5656, aux.loss_ce: 0.0912, aux.acc_seg: 90.4933, loss: 0.2454, grad_norm: 2.8312 2023-02-19 13:14:18,827 - mmseg - INFO - Iter [89750/160000] lr: 2.634e-05, eta: 7:11:11, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1563, decode.acc_seg: 93.4770, aux.loss_ce: 0.0912, aux.acc_seg: 90.7672, loss: 0.2474, grad_norm: 3.8776 2023-02-19 13:14:37,010 - mmseg - INFO - Iter [89800/160000] lr: 2.633e-05, eta: 7:10:52, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1531, decode.acc_seg: 93.5139, aux.loss_ce: 0.0905, aux.acc_seg: 90.5540, loss: 0.2436, grad_norm: 2.7935 2023-02-19 13:14:55,209 - mmseg - INFO - Iter [89850/160000] lr: 2.631e-05, eta: 7:10:34, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1517, decode.acc_seg: 93.7479, aux.loss_ce: 0.0887, aux.acc_seg: 91.0449, loss: 0.2404, grad_norm: 2.9499 2023-02-19 13:15:13,708 - mmseg - INFO - Iter [89900/160000] lr: 2.629e-05, eta: 7:10:16, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1627, decode.acc_seg: 93.3648, aux.loss_ce: 0.0946, aux.acc_seg: 90.3438, loss: 0.2574, grad_norm: 3.1746 2023-02-19 13:15:31,770 - mmseg - INFO - Iter [89950/160000] lr: 2.627e-05, eta: 7:09:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1629, decode.acc_seg: 93.4669, aux.loss_ce: 0.0953, aux.acc_seg: 90.3695, loss: 0.2582, grad_norm: 2.7136 2023-02-19 13:15:49,797 - mmseg - INFO - Saving checkpoint at 90000 iterations 2023-02-19 13:15:51,846 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:15:51,846 - mmseg - INFO - Iter [90000/160000] lr: 2.625e-05, eta: 7:09:40, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1470, decode.acc_seg: 93.7426, aux.loss_ce: 0.0864, aux.acc_seg: 91.0897, loss: 0.2334, grad_norm: 2.9347 2023-02-19 13:16:09,938 - mmseg - INFO - Iter [90050/160000] lr: 2.623e-05, eta: 7:09:21, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1505, decode.acc_seg: 93.6513, aux.loss_ce: 0.0907, aux.acc_seg: 90.5266, loss: 0.2412, grad_norm: 2.0351 2023-02-19 13:16:28,045 - mmseg - INFO - Iter [90100/160000] lr: 2.621e-05, eta: 7:09:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1522, decode.acc_seg: 93.6869, aux.loss_ce: 0.0892, aux.acc_seg: 90.9859, loss: 0.2414, grad_norm: 2.3563 2023-02-19 13:16:46,334 - mmseg - INFO - Iter [90150/160000] lr: 2.619e-05, eta: 7:08:44, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1473, decode.acc_seg: 93.8881, aux.loss_ce: 0.0864, aux.acc_seg: 91.0835, loss: 0.2338, grad_norm: 2.4223 2023-02-19 13:17:04,509 - mmseg - INFO - Iter [90200/160000] lr: 2.618e-05, eta: 7:08:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1648, decode.acc_seg: 93.4116, aux.loss_ce: 0.0982, aux.acc_seg: 90.2507, loss: 0.2630, grad_norm: 3.8178 2023-02-19 13:17:22,589 - mmseg - INFO - Iter [90250/160000] lr: 2.616e-05, eta: 7:08:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.8777, aux.loss_ce: 0.0909, aux.acc_seg: 91.0119, loss: 0.2407, grad_norm: 2.5606 2023-02-19 13:17:40,742 - mmseg - INFO - Iter [90300/160000] lr: 2.614e-05, eta: 7:07:48, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1507, decode.acc_seg: 93.5527, aux.loss_ce: 0.0887, aux.acc_seg: 90.7290, loss: 0.2393, grad_norm: 2.5820 2023-02-19 13:17:58,849 - mmseg - INFO - Iter [90350/160000] lr: 2.612e-05, eta: 7:07:29, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1540, decode.acc_seg: 93.6280, aux.loss_ce: 0.0895, aux.acc_seg: 90.7591, loss: 0.2435, grad_norm: 2.6369 2023-02-19 13:18:16,971 - mmseg - INFO - Iter [90400/160000] lr: 2.610e-05, eta: 7:07:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1474, decode.acc_seg: 93.8688, aux.loss_ce: 0.0893, aux.acc_seg: 90.7544, loss: 0.2367, grad_norm: 2.4623 2023-02-19 13:18:35,098 - mmseg - INFO - Iter [90450/160000] lr: 2.608e-05, eta: 7:06:52, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1472, decode.acc_seg: 93.7980, aux.loss_ce: 0.0854, aux.acc_seg: 91.1362, loss: 0.2326, grad_norm: 2.7398 2023-02-19 13:18:53,242 - mmseg - INFO - Iter [90500/160000] lr: 2.606e-05, eta: 7:06:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1490, decode.acc_seg: 93.9965, aux.loss_ce: 0.0921, aux.acc_seg: 90.8844, loss: 0.2411, grad_norm: 2.5990 2023-02-19 13:19:11,355 - mmseg - INFO - Iter [90550/160000] lr: 2.604e-05, eta: 7:06:15, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1607, decode.acc_seg: 93.2020, aux.loss_ce: 0.0944, aux.acc_seg: 90.1095, loss: 0.2551, grad_norm: 3.2339 2023-02-19 13:19:29,453 - mmseg - INFO - Iter [90600/160000] lr: 2.603e-05, eta: 7:05:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1603, decode.acc_seg: 93.5475, aux.loss_ce: 0.0929, aux.acc_seg: 90.6770, loss: 0.2532, grad_norm: 2.4872 2023-02-19 13:19:47,500 - mmseg - INFO - Iter [90650/160000] lr: 2.601e-05, eta: 7:05:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1480, decode.acc_seg: 93.8794, aux.loss_ce: 0.0866, aux.acc_seg: 91.0727, loss: 0.2347, grad_norm: 2.2902 2023-02-19 13:20:05,782 - mmseg - INFO - Iter [90700/160000] lr: 2.599e-05, eta: 7:05:19, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1505, decode.acc_seg: 93.7370, aux.loss_ce: 0.0890, aux.acc_seg: 90.8174, loss: 0.2395, grad_norm: 2.5322 2023-02-19 13:20:23,972 - mmseg - INFO - Iter [90750/160000] lr: 2.597e-05, eta: 7:05:00, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1453, decode.acc_seg: 93.9249, aux.loss_ce: 0.0897, aux.acc_seg: 90.7707, loss: 0.2350, grad_norm: 2.4370 2023-02-19 13:20:42,009 - mmseg - INFO - Iter [90800/160000] lr: 2.595e-05, eta: 7:04:42, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1430, decode.acc_seg: 94.0938, aux.loss_ce: 0.0861, aux.acc_seg: 91.1675, loss: 0.2291, grad_norm: 2.3945 2023-02-19 13:21:00,203 - mmseg - INFO - Iter [90850/160000] lr: 2.593e-05, eta: 7:04:23, time: 0.364, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1443, decode.acc_seg: 93.8809, aux.loss_ce: 0.0861, aux.acc_seg: 90.8744, loss: 0.2304, grad_norm: 3.2997 2023-02-19 13:21:18,402 - mmseg - INFO - Iter [90900/160000] lr: 2.591e-05, eta: 7:04:05, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1394, decode.acc_seg: 94.2706, aux.loss_ce: 0.0847, aux.acc_seg: 91.3419, loss: 0.2241, grad_norm: 2.3070 2023-02-19 13:21:38,961 - mmseg - INFO - Iter [90950/160000] lr: 2.589e-05, eta: 7:03:48, time: 0.411, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1517, decode.acc_seg: 93.6668, aux.loss_ce: 0.0871, aux.acc_seg: 91.0671, loss: 0.2388, grad_norm: 2.2190 2023-02-19 13:21:57,148 - mmseg - INFO - Saving checkpoint at 91000 iterations 2023-02-19 13:21:58,998 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:21:58,998 - mmseg - INFO - Iter [91000/160000] lr: 2.588e-05, eta: 7:03:31, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1504, decode.acc_seg: 93.7582, aux.loss_ce: 0.0883, aux.acc_seg: 91.0143, loss: 0.2388, grad_norm: 2.4772 2023-02-19 13:22:17,085 - mmseg - INFO - Iter [91050/160000] lr: 2.586e-05, eta: 7:03:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1502, decode.acc_seg: 93.7494, aux.loss_ce: 0.0862, aux.acc_seg: 91.0940, loss: 0.2364, grad_norm: 2.8752 2023-02-19 13:22:35,134 - mmseg - INFO - Iter [91100/160000] lr: 2.584e-05, eta: 7:02:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1441, decode.acc_seg: 94.0055, aux.loss_ce: 0.0866, aux.acc_seg: 90.9917, loss: 0.2308, grad_norm: 2.6319 2023-02-19 13:22:53,215 - mmseg - INFO - Iter [91150/160000] lr: 2.582e-05, eta: 7:02:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1611, decode.acc_seg: 93.3546, aux.loss_ce: 0.0918, aux.acc_seg: 90.6908, loss: 0.2529, grad_norm: 3.0048 2023-02-19 13:23:11,439 - mmseg - INFO - Iter [91200/160000] lr: 2.580e-05, eta: 7:02:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1470, decode.acc_seg: 93.9716, aux.loss_ce: 0.0893, aux.acc_seg: 91.0572, loss: 0.2363, grad_norm: 2.7312 2023-02-19 13:23:29,584 - mmseg - INFO - Iter [91250/160000] lr: 2.578e-05, eta: 7:01:57, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1406, decode.acc_seg: 94.0353, aux.loss_ce: 0.0819, aux.acc_seg: 91.3546, loss: 0.2225, grad_norm: 2.7054 2023-02-19 13:23:47,757 - mmseg - INFO - Iter [91300/160000] lr: 2.576e-05, eta: 7:01:39, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1517, decode.acc_seg: 93.5159, aux.loss_ce: 0.0890, aux.acc_seg: 90.7526, loss: 0.2407, grad_norm: 2.3726 2023-02-19 13:24:05,930 - mmseg - INFO - Iter [91350/160000] lr: 2.574e-05, eta: 7:01:20, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1481, decode.acc_seg: 93.8926, aux.loss_ce: 0.0871, aux.acc_seg: 91.1363, loss: 0.2352, grad_norm: 2.4293 2023-02-19 13:24:24,021 - mmseg - INFO - Iter [91400/160000] lr: 2.573e-05, eta: 7:01:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1421, decode.acc_seg: 94.0527, aux.loss_ce: 0.0877, aux.acc_seg: 91.1579, loss: 0.2298, grad_norm: 2.3900 2023-02-19 13:24:42,233 - mmseg - INFO - Iter [91450/160000] lr: 2.571e-05, eta: 7:00:43, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1471, decode.acc_seg: 93.7601, aux.loss_ce: 0.0887, aux.acc_seg: 90.8501, loss: 0.2359, grad_norm: 2.7383 2023-02-19 13:25:00,276 - mmseg - INFO - Iter [91500/160000] lr: 2.569e-05, eta: 7:00:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1487, decode.acc_seg: 93.8367, aux.loss_ce: 0.0880, aux.acc_seg: 91.1166, loss: 0.2367, grad_norm: 2.4006 2023-02-19 13:25:18,339 - mmseg - INFO - Iter [91550/160000] lr: 2.567e-05, eta: 7:00:06, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1582, decode.acc_seg: 93.6268, aux.loss_ce: 0.0921, aux.acc_seg: 90.8680, loss: 0.2502, grad_norm: 2.5594 2023-02-19 13:25:36,397 - mmseg - INFO - Iter [91600/160000] lr: 2.565e-05, eta: 6:59:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1518, decode.acc_seg: 93.6566, aux.loss_ce: 0.0888, aux.acc_seg: 90.9566, loss: 0.2406, grad_norm: 2.8807 2023-02-19 13:25:54,451 - mmseg - INFO - Iter [91650/160000] lr: 2.563e-05, eta: 6:59:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1424, decode.acc_seg: 94.0060, aux.loss_ce: 0.0857, aux.acc_seg: 91.1392, loss: 0.2281, grad_norm: 2.3359 2023-02-19 13:26:12,465 - mmseg - INFO - Iter [91700/160000] lr: 2.561e-05, eta: 6:59:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.8568, aux.loss_ce: 0.0888, aux.acc_seg: 90.9716, loss: 0.2386, grad_norm: 2.4494 2023-02-19 13:26:30,840 - mmseg - INFO - Iter [91750/160000] lr: 2.559e-05, eta: 6:58:51, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1555, decode.acc_seg: 93.3948, aux.loss_ce: 0.0901, aux.acc_seg: 90.5365, loss: 0.2456, grad_norm: 3.6498 2023-02-19 13:26:48,985 - mmseg - INFO - Iter [91800/160000] lr: 2.558e-05, eta: 6:58:33, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1534, decode.acc_seg: 93.7351, aux.loss_ce: 0.0908, aux.acc_seg: 90.8404, loss: 0.2442, grad_norm: 2.9312 2023-02-19 13:27:07,790 - mmseg - INFO - Iter [91850/160000] lr: 2.556e-05, eta: 6:58:14, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1628, decode.acc_seg: 93.2345, aux.loss_ce: 0.0944, aux.acc_seg: 90.2722, loss: 0.2572, grad_norm: 3.2960 2023-02-19 13:27:25,828 - mmseg - INFO - Iter [91900/160000] lr: 2.554e-05, eta: 6:57:56, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1616, decode.acc_seg: 93.3723, aux.loss_ce: 0.0942, aux.acc_seg: 90.3748, loss: 0.2558, grad_norm: 3.2183 2023-02-19 13:27:43,932 - mmseg - INFO - Iter [91950/160000] lr: 2.552e-05, eta: 6:57:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1560, decode.acc_seg: 93.7049, aux.loss_ce: 0.0907, aux.acc_seg: 90.8012, loss: 0.2467, grad_norm: 2.7658 2023-02-19 13:28:02,398 - mmseg - INFO - Saving checkpoint at 92000 iterations 2023-02-19 13:28:04,198 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:28:04,198 - mmseg - INFO - Iter [92000/160000] lr: 2.550e-05, eta: 6:57:20, time: 0.405, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1539, decode.acc_seg: 93.5679, aux.loss_ce: 0.0907, aux.acc_seg: 90.7202, loss: 0.2446, grad_norm: 2.5913 2023-02-19 13:28:22,246 - mmseg - INFO - Iter [92050/160000] lr: 2.548e-05, eta: 6:57:01, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1483, decode.acc_seg: 93.9445, aux.loss_ce: 0.0852, aux.acc_seg: 91.4683, loss: 0.2335, grad_norm: 2.7626 2023-02-19 13:28:40,345 - mmseg - INFO - Iter [92100/160000] lr: 2.546e-05, eta: 6:56:43, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1552, decode.acc_seg: 93.5964, aux.loss_ce: 0.0910, aux.acc_seg: 90.6737, loss: 0.2462, grad_norm: 2.7851 2023-02-19 13:28:58,413 - mmseg - INFO - Iter [92150/160000] lr: 2.544e-05, eta: 6:56:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1476, decode.acc_seg: 93.8689, aux.loss_ce: 0.0857, aux.acc_seg: 91.2253, loss: 0.2333, grad_norm: 2.6918 2023-02-19 13:29:18,872 - mmseg - INFO - Iter [92200/160000] lr: 2.543e-05, eta: 6:56:07, time: 0.409, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1415, decode.acc_seg: 94.0516, aux.loss_ce: 0.0855, aux.acc_seg: 91.1819, loss: 0.2270, grad_norm: 2.9741 2023-02-19 13:29:36,916 - mmseg - INFO - Iter [92250/160000] lr: 2.541e-05, eta: 6:55:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1551, decode.acc_seg: 93.7012, aux.loss_ce: 0.0887, aux.acc_seg: 91.2386, loss: 0.2438, grad_norm: 3.6001 2023-02-19 13:29:54,970 - mmseg - INFO - Iter [92300/160000] lr: 2.539e-05, eta: 6:55:30, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1379, decode.acc_seg: 94.2550, aux.loss_ce: 0.0804, aux.acc_seg: 91.7267, loss: 0.2183, grad_norm: 2.3339 2023-02-19 13:30:13,083 - mmseg - INFO - Iter [92350/160000] lr: 2.537e-05, eta: 6:55:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1431, decode.acc_seg: 93.9727, aux.loss_ce: 0.0842, aux.acc_seg: 91.2293, loss: 0.2273, grad_norm: 1.9203 2023-02-19 13:30:31,213 - mmseg - INFO - Iter [92400/160000] lr: 2.535e-05, eta: 6:54:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1485, decode.acc_seg: 93.7899, aux.loss_ce: 0.0885, aux.acc_seg: 90.7777, loss: 0.2370, grad_norm: 3.7409 2023-02-19 13:30:49,252 - mmseg - INFO - Iter [92450/160000] lr: 2.533e-05, eta: 6:54:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1524, decode.acc_seg: 93.7737, aux.loss_ce: 0.0901, aux.acc_seg: 90.8641, loss: 0.2425, grad_norm: 2.9320 2023-02-19 13:31:07,396 - mmseg - INFO - Iter [92500/160000] lr: 2.531e-05, eta: 6:54:15, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1510, decode.acc_seg: 93.7571, aux.loss_ce: 0.0893, aux.acc_seg: 91.0052, loss: 0.2403, grad_norm: 2.8867 2023-02-19 13:31:25,578 - mmseg - INFO - Iter [92550/160000] lr: 2.529e-05, eta: 6:53:57, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1430, decode.acc_seg: 94.0175, aux.loss_ce: 0.0853, aux.acc_seg: 91.0785, loss: 0.2283, grad_norm: 2.1347 2023-02-19 13:31:43,672 - mmseg - INFO - Iter [92600/160000] lr: 2.528e-05, eta: 6:53:38, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1573, decode.acc_seg: 93.4830, aux.loss_ce: 0.0914, aux.acc_seg: 90.6500, loss: 0.2487, grad_norm: 2.7626 2023-02-19 13:32:01,868 - mmseg - INFO - Iter [92650/160000] lr: 2.526e-05, eta: 6:53:19, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1486, decode.acc_seg: 93.8598, aux.loss_ce: 0.0884, aux.acc_seg: 91.0411, loss: 0.2370, grad_norm: 2.5264 2023-02-19 13:32:19,968 - mmseg - INFO - Iter [92700/160000] lr: 2.524e-05, eta: 6:53:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1564, decode.acc_seg: 93.5371, aux.loss_ce: 0.0924, aux.acc_seg: 90.5372, loss: 0.2488, grad_norm: 2.6307 2023-02-19 13:32:38,334 - mmseg - INFO - Iter [92750/160000] lr: 2.522e-05, eta: 6:52:42, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1425, decode.acc_seg: 94.0118, aux.loss_ce: 0.0894, aux.acc_seg: 90.8118, loss: 0.2320, grad_norm: 3.0312 2023-02-19 13:32:56,470 - mmseg - INFO - Iter [92800/160000] lr: 2.520e-05, eta: 6:52:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1481, decode.acc_seg: 93.8066, aux.loss_ce: 0.0874, aux.acc_seg: 90.9273, loss: 0.2355, grad_norm: 3.1686 2023-02-19 13:33:14,501 - mmseg - INFO - Iter [92850/160000] lr: 2.518e-05, eta: 6:52:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1527, decode.acc_seg: 93.7427, aux.loss_ce: 0.0905, aux.acc_seg: 90.8882, loss: 0.2431, grad_norm: 2.5179 2023-02-19 13:33:32,591 - mmseg - INFO - Iter [92900/160000] lr: 2.516e-05, eta: 6:51:46, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1484, decode.acc_seg: 93.8821, aux.loss_ce: 0.0839, aux.acc_seg: 91.1809, loss: 0.2322, grad_norm: 2.4975 2023-02-19 13:33:50,628 - mmseg - INFO - Iter [92950/160000] lr: 2.514e-05, eta: 6:51:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1448, decode.acc_seg: 93.9756, aux.loss_ce: 0.0870, aux.acc_seg: 91.1495, loss: 0.2318, grad_norm: 2.8566 2023-02-19 13:34:08,854 - mmseg - INFO - Saving checkpoint at 93000 iterations 2023-02-19 13:34:10,650 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:34:10,650 - mmseg - INFO - Iter [93000/160000] lr: 2.513e-05, eta: 6:51:10, time: 0.400, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1525, decode.acc_seg: 93.7065, aux.loss_ce: 0.0923, aux.acc_seg: 90.6555, loss: 0.2449, grad_norm: 3.2076 2023-02-19 13:34:28,800 - mmseg - INFO - Iter [93050/160000] lr: 2.511e-05, eta: 6:50:52, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1454, decode.acc_seg: 93.8708, aux.loss_ce: 0.0858, aux.acc_seg: 90.8096, loss: 0.2312, grad_norm: 2.4423 2023-02-19 13:34:47,534 - mmseg - INFO - Iter [93100/160000] lr: 2.509e-05, eta: 6:50:34, time: 0.375, data_time: 0.008, memory: 20662, decode.loss_ce: 0.1455, decode.acc_seg: 93.8041, aux.loss_ce: 0.0851, aux.acc_seg: 91.1368, loss: 0.2306, grad_norm: 2.5962 2023-02-19 13:35:05,970 - mmseg - INFO - Iter [93150/160000] lr: 2.507e-05, eta: 6:50:15, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1468, decode.acc_seg: 93.9183, aux.loss_ce: 0.0877, aux.acc_seg: 90.9083, loss: 0.2345, grad_norm: 3.5422 2023-02-19 13:35:24,106 - mmseg - INFO - Iter [93200/160000] lr: 2.505e-05, eta: 6:49:57, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1538, decode.acc_seg: 93.7162, aux.loss_ce: 0.0941, aux.acc_seg: 90.4691, loss: 0.2480, grad_norm: 2.9996 2023-02-19 13:35:42,730 - mmseg - INFO - Iter [93250/160000] lr: 2.503e-05, eta: 6:49:38, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1409, decode.acc_seg: 94.0528, aux.loss_ce: 0.0834, aux.acc_seg: 91.3378, loss: 0.2242, grad_norm: 2.4917 2023-02-19 13:36:01,082 - mmseg - INFO - Iter [93300/160000] lr: 2.501e-05, eta: 6:49:20, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1445, decode.acc_seg: 93.9798, aux.loss_ce: 0.0848, aux.acc_seg: 91.4211, loss: 0.2293, grad_norm: 2.4647 2023-02-19 13:36:19,181 - mmseg - INFO - Iter [93350/160000] lr: 2.499e-05, eta: 6:49:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1444, decode.acc_seg: 94.0289, aux.loss_ce: 0.0884, aux.acc_seg: 91.0757, loss: 0.2328, grad_norm: 3.1482 2023-02-19 13:36:37,294 - mmseg - INFO - Iter [93400/160000] lr: 2.498e-05, eta: 6:48:43, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1558, decode.acc_seg: 93.6312, aux.loss_ce: 0.0923, aux.acc_seg: 90.5891, loss: 0.2480, grad_norm: 2.8733 2023-02-19 13:36:55,457 - mmseg - INFO - Iter [93450/160000] lr: 2.496e-05, eta: 6:48:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1526, decode.acc_seg: 93.7456, aux.loss_ce: 0.0874, aux.acc_seg: 90.9454, loss: 0.2399, grad_norm: 2.8443 2023-02-19 13:37:15,908 - mmseg - INFO - Iter [93500/160000] lr: 2.494e-05, eta: 6:48:07, time: 0.409, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1484, decode.acc_seg: 93.8545, aux.loss_ce: 0.0866, aux.acc_seg: 91.0725, loss: 0.2350, grad_norm: 3.5609 2023-02-19 13:37:34,106 - mmseg - INFO - Iter [93550/160000] lr: 2.492e-05, eta: 6:47:49, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1463, decode.acc_seg: 94.0756, aux.loss_ce: 0.0866, aux.acc_seg: 91.1809, loss: 0.2329, grad_norm: 2.6099 2023-02-19 13:37:52,154 - mmseg - INFO - Iter [93600/160000] lr: 2.490e-05, eta: 6:47:30, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1442, decode.acc_seg: 93.9494, aux.loss_ce: 0.0859, aux.acc_seg: 91.0359, loss: 0.2302, grad_norm: 2.4836 2023-02-19 13:38:10,294 - mmseg - INFO - Iter [93650/160000] lr: 2.488e-05, eta: 6:47:11, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1456, decode.acc_seg: 93.8890, aux.loss_ce: 0.0872, aux.acc_seg: 91.0863, loss: 0.2328, grad_norm: 3.1729 2023-02-19 13:38:28,491 - mmseg - INFO - Iter [93700/160000] lr: 2.486e-05, eta: 6:46:53, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1526, decode.acc_seg: 93.7041, aux.loss_ce: 0.0889, aux.acc_seg: 90.7858, loss: 0.2415, grad_norm: 2.5965 2023-02-19 13:38:46,599 - mmseg - INFO - Iter [93750/160000] lr: 2.484e-05, eta: 6:46:34, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1581, decode.acc_seg: 93.3033, aux.loss_ce: 0.0889, aux.acc_seg: 90.7284, loss: 0.2470, grad_norm: 3.0233 2023-02-19 13:39:04,812 - mmseg - INFO - Iter [93800/160000] lr: 2.483e-05, eta: 6:46:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1424, decode.acc_seg: 94.0694, aux.loss_ce: 0.0863, aux.acc_seg: 91.0913, loss: 0.2287, grad_norm: 2.4508 2023-02-19 13:39:23,264 - mmseg - INFO - Iter [93850/160000] lr: 2.481e-05, eta: 6:45:57, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.8951, aux.loss_ce: 0.0905, aux.acc_seg: 90.8537, loss: 0.2402, grad_norm: 3.5162 2023-02-19 13:39:41,353 - mmseg - INFO - Iter [93900/160000] lr: 2.479e-05, eta: 6:45:39, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1520, decode.acc_seg: 93.9073, aux.loss_ce: 0.0909, aux.acc_seg: 90.7851, loss: 0.2429, grad_norm: 2.9808 2023-02-19 13:39:59,560 - mmseg - INFO - Iter [93950/160000] lr: 2.477e-05, eta: 6:45:20, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1397, decode.acc_seg: 94.0434, aux.loss_ce: 0.0823, aux.acc_seg: 91.2933, loss: 0.2219, grad_norm: 3.0348 2023-02-19 13:40:17,609 - mmseg - INFO - Saving checkpoint at 94000 iterations 2023-02-19 13:40:19,371 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:40:19,371 - mmseg - INFO - Iter [94000/160000] lr: 2.475e-05, eta: 6:45:03, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1492, decode.acc_seg: 93.8896, aux.loss_ce: 0.0871, aux.acc_seg: 91.0888, loss: 0.2362, grad_norm: 2.7816 2023-02-19 13:40:37,565 - mmseg - INFO - Iter [94050/160000] lr: 2.473e-05, eta: 6:44:44, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1442, decode.acc_seg: 93.9614, aux.loss_ce: 0.0899, aux.acc_seg: 90.7368, loss: 0.2341, grad_norm: 2.3336 2023-02-19 13:40:55,677 - mmseg - INFO - Iter [94100/160000] lr: 2.471e-05, eta: 6:44:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1475, decode.acc_seg: 93.7828, aux.loss_ce: 0.0888, aux.acc_seg: 90.9290, loss: 0.2363, grad_norm: 2.5134 2023-02-19 13:41:13,779 - mmseg - INFO - Iter [94150/160000] lr: 2.469e-05, eta: 6:44:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1396, decode.acc_seg: 94.0617, aux.loss_ce: 0.0849, aux.acc_seg: 91.0734, loss: 0.2246, grad_norm: 3.5720 2023-02-19 13:41:31,810 - mmseg - INFO - Iter [94200/160000] lr: 2.468e-05, eta: 6:43:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1518, decode.acc_seg: 93.9021, aux.loss_ce: 0.0905, aux.acc_seg: 90.9542, loss: 0.2423, grad_norm: 2.3625 2023-02-19 13:41:49,901 - mmseg - INFO - Iter [94250/160000] lr: 2.466e-05, eta: 6:43:29, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1447, decode.acc_seg: 93.9124, aux.loss_ce: 0.0872, aux.acc_seg: 90.9528, loss: 0.2319, grad_norm: 2.4913 2023-02-19 13:42:07,913 - mmseg - INFO - Iter [94300/160000] lr: 2.464e-05, eta: 6:43:11, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1519, decode.acc_seg: 93.8940, aux.loss_ce: 0.0890, aux.acc_seg: 91.0558, loss: 0.2409, grad_norm: 2.2448 2023-02-19 13:42:25,991 - mmseg - INFO - Iter [94350/160000] lr: 2.462e-05, eta: 6:42:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1402, decode.acc_seg: 94.2732, aux.loss_ce: 0.0825, aux.acc_seg: 91.6426, loss: 0.2227, grad_norm: 2.3523 2023-02-19 13:42:44,129 - mmseg - INFO - Iter [94400/160000] lr: 2.460e-05, eta: 6:42:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1507, decode.acc_seg: 93.9311, aux.loss_ce: 0.0884, aux.acc_seg: 91.0525, loss: 0.2390, grad_norm: 2.5758 2023-02-19 13:43:02,107 - mmseg - INFO - Iter [94450/160000] lr: 2.458e-05, eta: 6:42:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1457, decode.acc_seg: 93.9076, aux.loss_ce: 0.0854, aux.acc_seg: 91.0434, loss: 0.2311, grad_norm: 2.9012 2023-02-19 13:43:20,190 - mmseg - INFO - Iter [94500/160000] lr: 2.456e-05, eta: 6:41:56, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1503, decode.acc_seg: 93.8669, aux.loss_ce: 0.0885, aux.acc_seg: 91.1161, loss: 0.2388, grad_norm: 2.6146 2023-02-19 13:43:38,231 - mmseg - INFO - Iter [94550/160000] lr: 2.454e-05, eta: 6:41:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1554, decode.acc_seg: 93.5164, aux.loss_ce: 0.0895, aux.acc_seg: 90.9116, loss: 0.2449, grad_norm: 3.2752 2023-02-19 13:43:56,318 - mmseg - INFO - Iter [94600/160000] lr: 2.453e-05, eta: 6:41:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1447, decode.acc_seg: 93.9684, aux.loss_ce: 0.0871, aux.acc_seg: 91.0559, loss: 0.2318, grad_norm: 2.3556 2023-02-19 13:44:14,383 - mmseg - INFO - Iter [94650/160000] lr: 2.451e-05, eta: 6:41:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1396, decode.acc_seg: 94.1638, aux.loss_ce: 0.0871, aux.acc_seg: 91.0959, loss: 0.2267, grad_norm: 2.5604 2023-02-19 13:44:32,437 - mmseg - INFO - Iter [94700/160000] lr: 2.449e-05, eta: 6:40:42, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1507, decode.acc_seg: 93.7770, aux.loss_ce: 0.0908, aux.acc_seg: 90.7589, loss: 0.2415, grad_norm: 2.3119 2023-02-19 13:44:53,084 - mmseg - INFO - Iter [94750/160000] lr: 2.447e-05, eta: 6:40:25, time: 0.413, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1543, decode.acc_seg: 93.5718, aux.loss_ce: 0.0901, aux.acc_seg: 90.8163, loss: 0.2444, grad_norm: 3.2831 2023-02-19 13:45:11,188 - mmseg - INFO - Iter [94800/160000] lr: 2.445e-05, eta: 6:40:06, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1447, decode.acc_seg: 93.9648, aux.loss_ce: 0.0851, aux.acc_seg: 91.2625, loss: 0.2298, grad_norm: 2.5786 2023-02-19 13:45:29,489 - mmseg - INFO - Iter [94850/160000] lr: 2.443e-05, eta: 6:39:48, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1381, decode.acc_seg: 94.1565, aux.loss_ce: 0.0829, aux.acc_seg: 91.3619, loss: 0.2210, grad_norm: 1.8939 2023-02-19 13:45:47,777 - mmseg - INFO - Iter [94900/160000] lr: 2.441e-05, eta: 6:39:29, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1472, decode.acc_seg: 93.8874, aux.loss_ce: 0.0851, aux.acc_seg: 91.2878, loss: 0.2323, grad_norm: 2.7900 2023-02-19 13:46:05,894 - mmseg - INFO - Iter [94950/160000] lr: 2.439e-05, eta: 6:39:11, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1485, decode.acc_seg: 93.9472, aux.loss_ce: 0.0872, aux.acc_seg: 91.2082, loss: 0.2357, grad_norm: 2.3936 2023-02-19 13:46:23,921 - mmseg - INFO - Saving checkpoint at 95000 iterations 2023-02-19 13:46:25,718 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:46:25,718 - mmseg - INFO - Iter [95000/160000] lr: 2.438e-05, eta: 6:38:53, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1449, decode.acc_seg: 93.9974, aux.loss_ce: 0.0850, aux.acc_seg: 91.2025, loss: 0.2299, grad_norm: 2.1194 2023-02-19 13:46:43,849 - mmseg - INFO - Iter [95050/160000] lr: 2.436e-05, eta: 6:38:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.7728, aux.loss_ce: 0.0874, aux.acc_seg: 90.9630, loss: 0.2372, grad_norm: 2.9582 2023-02-19 13:47:01,895 - mmseg - INFO - Iter [95100/160000] lr: 2.434e-05, eta: 6:38:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1467, decode.acc_seg: 93.9880, aux.loss_ce: 0.0854, aux.acc_seg: 91.2795, loss: 0.2321, grad_norm: 2.2347 2023-02-19 13:47:19,919 - mmseg - INFO - Iter [95150/160000] lr: 2.432e-05, eta: 6:37:57, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1433, decode.acc_seg: 93.9519, aux.loss_ce: 0.0858, aux.acc_seg: 91.2137, loss: 0.2291, grad_norm: 2.4589 2023-02-19 13:47:37,994 - mmseg - INFO - Iter [95200/160000] lr: 2.430e-05, eta: 6:37:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1477, decode.acc_seg: 93.9180, aux.loss_ce: 0.0864, aux.acc_seg: 91.1047, loss: 0.2341, grad_norm: 2.6236 2023-02-19 13:47:57,065 - mmseg - INFO - Iter [95250/160000] lr: 2.428e-05, eta: 6:37:21, time: 0.381, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1476, decode.acc_seg: 93.6391, aux.loss_ce: 0.0861, aux.acc_seg: 90.9273, loss: 0.2338, grad_norm: 2.5015 2023-02-19 13:48:15,062 - mmseg - INFO - Iter [95300/160000] lr: 2.426e-05, eta: 6:37:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1458, decode.acc_seg: 93.9215, aux.loss_ce: 0.0870, aux.acc_seg: 90.9750, loss: 0.2329, grad_norm: 2.8936 2023-02-19 13:48:33,012 - mmseg - INFO - Iter [95350/160000] lr: 2.424e-05, eta: 6:36:43, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1465, decode.acc_seg: 93.7930, aux.loss_ce: 0.0860, aux.acc_seg: 91.0674, loss: 0.2325, grad_norm: 2.2541 2023-02-19 13:48:51,169 - mmseg - INFO - Iter [95400/160000] lr: 2.423e-05, eta: 6:36:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1472, decode.acc_seg: 93.9139, aux.loss_ce: 0.0856, aux.acc_seg: 91.2349, loss: 0.2328, grad_norm: 2.3192 2023-02-19 13:49:09,345 - mmseg - INFO - Iter [95450/160000] lr: 2.421e-05, eta: 6:36:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1550, decode.acc_seg: 93.5362, aux.loss_ce: 0.0929, aux.acc_seg: 90.3858, loss: 0.2479, grad_norm: 2.8854 2023-02-19 13:49:27,506 - mmseg - INFO - Iter [95500/160000] lr: 2.419e-05, eta: 6:35:47, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1404, decode.acc_seg: 94.1469, aux.loss_ce: 0.0846, aux.acc_seg: 91.3049, loss: 0.2250, grad_norm: 2.4297 2023-02-19 13:49:45,668 - mmseg - INFO - Iter [95550/160000] lr: 2.417e-05, eta: 6:35:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1403, decode.acc_seg: 94.1983, aux.loss_ce: 0.0819, aux.acc_seg: 91.5063, loss: 0.2222, grad_norm: 2.2044 2023-02-19 13:50:03,651 - mmseg - INFO - Iter [95600/160000] lr: 2.415e-05, eta: 6:35:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1457, decode.acc_seg: 93.7785, aux.loss_ce: 0.0867, aux.acc_seg: 90.7248, loss: 0.2324, grad_norm: 2.5972 2023-02-19 13:50:21,636 - mmseg - INFO - Iter [95650/160000] lr: 2.413e-05, eta: 6:34:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1466, decode.acc_seg: 93.8891, aux.loss_ce: 0.0902, aux.acc_seg: 90.8729, loss: 0.2368, grad_norm: 2.5284 2023-02-19 13:50:39,733 - mmseg - INFO - Iter [95700/160000] lr: 2.411e-05, eta: 6:34:33, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1398, decode.acc_seg: 94.1820, aux.loss_ce: 0.0824, aux.acc_seg: 91.5159, loss: 0.2222, grad_norm: 2.0258 2023-02-19 13:50:57,960 - mmseg - INFO - Iter [95750/160000] lr: 2.409e-05, eta: 6:34:14, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1482, decode.acc_seg: 93.6495, aux.loss_ce: 0.0885, aux.acc_seg: 90.7072, loss: 0.2367, grad_norm: 2.6649 2023-02-19 13:51:15,978 - mmseg - INFO - Iter [95800/160000] lr: 2.408e-05, eta: 6:33:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1528, decode.acc_seg: 93.6537, aux.loss_ce: 0.0864, aux.acc_seg: 90.9507, loss: 0.2392, grad_norm: 2.6086 2023-02-19 13:51:34,044 - mmseg - INFO - Iter [95850/160000] lr: 2.406e-05, eta: 6:33:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1392, decode.acc_seg: 94.1401, aux.loss_ce: 0.0831, aux.acc_seg: 91.2601, loss: 0.2222, grad_norm: 2.4190 2023-02-19 13:51:52,496 - mmseg - INFO - Iter [95900/160000] lr: 2.404e-05, eta: 6:33:19, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1408, decode.acc_seg: 94.2774, aux.loss_ce: 0.0839, aux.acc_seg: 91.4671, loss: 0.2247, grad_norm: 2.0879 2023-02-19 13:52:10,565 - mmseg - INFO - Iter [95950/160000] lr: 2.402e-05, eta: 6:33:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.1603, aux.loss_ce: 0.0838, aux.acc_seg: 91.1723, loss: 0.2214, grad_norm: 2.2952 2023-02-19 13:52:31,022 - mmseg - INFO - Saving checkpoint at 96000 iterations 2023-02-19 13:52:32,837 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:52:32,837 - mmseg - INFO - Iter [96000/160000] lr: 2.400e-05, eta: 6:32:44, time: 0.445, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1510, decode.acc_seg: 93.7540, aux.loss_ce: 0.0884, aux.acc_seg: 90.7576, loss: 0.2394, grad_norm: 2.8022 2023-02-19 13:53:00,475 - mmseg - INFO - per class results: 2023-02-19 13:53:00,480 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 76.42 | 85.44 | | building | 81.15 | 93.42 | | sky | 93.94 | 97.32 | | floor | 79.74 | 90.84 | | tree | 72.86 | 86.47 | | ceiling | 81.88 | 94.87 | | road | 82.74 | 89.61 | | bed | 88.98 | 95.46 | | windowpane | 61.08 | 77.67 | | grass | 68.11 | 81.29 | | cabinet | 62.91 | 80.39 | | sidewalk | 65.44 | 81.55 | | person | 79.95 | 90.9 | | earth | 38.68 | 57.51 | | door | 51.48 | 68.04 | | table | 60.03 | 74.77 | | mountain | 55.06 | 67.65 | | plant | 48.0 | 55.6 | | curtain | 73.91 | 85.05 | | chair | 55.14 | 76.5 | | car | 82.95 | 90.76 | | water | 50.17 | 65.27 | | painting | 76.54 | 89.26 | | sofa | 64.23 | 80.07 | | shelf | 44.13 | 67.13 | | house | 41.22 | 47.75 | | sea | 56.1 | 78.39 | | mirror | 68.45 | 74.91 | | rug | 56.96 | 67.2 | | field | 37.72 | 50.54 | | armchair | 37.98 | 55.33 | | seat | 59.87 | 80.86 | | fence | 37.97 | 47.94 | | desk | 51.19 | 65.21 | | rock | 35.36 | 56.71 | | wardrobe | 45.97 | 53.94 | | lamp | 60.38 | 79.37 | | bathtub | 76.85 | 83.64 | | railing | 34.2 | 52.99 | | cushion | 53.39 | 75.55 | | base | 20.29 | 26.92 | | box | 21.39 | 24.65 | | column | 43.92 | 59.09 | | signboard | 37.14 | 47.46 | | chest of drawers | 36.26 | 49.19 | | counter | 20.16 | 26.87 | | sand | 40.69 | 51.0 | | sink | 73.43 | 77.4 | | skyscraper | 43.54 | 59.91 | | fireplace | 73.11 | 87.44 | | refrigerator | 70.53 | 81.43 | | grandstand | 36.25 | 60.79 | | path | 22.6 | 30.96 | | stairs | 26.19 | 31.62 | | runway | 65.38 | 83.68 | | case | 34.65 | 39.55 | | pool table | 92.92 | 96.59 | | pillow | 47.88 | 54.24 | | screen door | 75.06 | 80.04 | | stairway | 29.33 | 38.6 | | river | 7.28 | 16.91 | | bridge | 66.79 | 76.62 | | bookcase | 41.95 | 65.34 | | blind | 36.39 | 42.32 | | coffee table | 55.66 | 82.52 | | toilet | 85.29 | 89.3 | | flower | 37.62 | 55.46 | | book | 46.52 | 60.54 | | hill | 11.87 | 21.28 | | bench | 48.38 | 51.88 | | countertop | 45.96 | 64.57 | | stove | 74.4 | 77.76 | | palm | 53.84 | 77.37 | | kitchen island | 33.67 | 63.75 | | computer | 65.89 | 80.16 | | swivel chair | 41.93 | 60.5 | | boat | 41.93 | 50.8 | | bar | 35.49 | 49.4 | | arcade machine | 44.06 | 47.71 | | hovel | 34.11 | 39.8 | | bus | 85.95 | 96.17 | | towel | 65.3 | 80.33 | | light | 47.0 | 49.65 | | truck | 39.4 | 55.88 | | tower | 15.22 | 24.31 | | chandelier | 62.4 | 87.98 | | awning | 26.46 | 33.31 | | streetlight | 26.02 | 46.93 | | booth | 61.83 | 66.51 | | television receiver | 68.54 | 82.06 | | airplane | 54.9 | 67.36 | | dirt track | 8.01 | 19.11 | | apparel | 40.95 | 55.54 | | pole | 13.28 | 16.61 | | land | 2.92 | 5.16 | | bannister | 9.46 | 13.94 | | escalator | 40.74 | 52.05 | | ottoman | 44.03 | 50.78 | | bottle | 37.24 | 52.48 | | buffet | 32.32 | 39.78 | | poster | 32.31 | 36.06 | | stage | 13.5 | 24.66 | | van | 44.6 | 53.27 | | ship | 61.73 | 95.01 | | fountain | 35.88 | 40.71 | | conveyer belt | 60.64 | 63.42 | | canopy | 29.95 | 36.6 | | washer | 72.18 | 74.37 | | plaything | 24.61 | 37.26 | | swimming pool | 45.45 | 59.59 | | stool | 39.96 | 61.25 | | barrel | 28.71 | 64.96 | | basket | 29.22 | 50.96 | | waterfall | 49.55 | 62.33 | | tent | 96.76 | 97.88 | | bag | 8.82 | 10.63 | | minibike | 66.1 | 85.68 | | cradle | 74.38 | 97.23 | | oven | 55.67 | 75.68 | | ball | 42.86 | 66.92 | | food | 53.77 | 61.67 | | step | 14.18 | 15.05 | | tank | 44.97 | 49.7 | | trade name | 29.08 | 35.23 | | microwave | 77.46 | 87.15 | | pot | 42.55 | 60.46 | | animal | 55.61 | 58.44 | | bicycle | 56.45 | 81.94 | | lake | 16.08 | 16.86 | | dishwasher | 63.52 | 72.51 | | screen | 61.36 | 86.36 | | blanket | 11.54 | 14.07 | | sculpture | 61.98 | 72.61 | | hood | 59.76 | 72.23 | | sconce | 44.13 | 61.01 | | vase | 34.28 | 48.66 | | traffic light | 36.87 | 52.91 | | tray | 10.14 | 13.28 | | ashcan | 40.28 | 54.18 | | fan | 63.9 | 79.15 | | pier | 40.47 | 86.56 | | crt screen | 9.79 | 23.45 | | plate | 48.73 | 80.86 | | monitor | 11.47 | 12.72 | | bulletin board | 44.01 | 56.64 | | shower | 0.07 | 0.1 | | radiator | 61.83 | 71.63 | | glass | 12.42 | 13.38 | | clock | 41.14 | 54.4 | | flag | 44.56 | 55.47 | +---------------------+-------+-------+ 2023-02-19 13:53:00,480 - mmseg - INFO - Summary: 2023-02-19 13:53:00,481 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 82.3 | 47.71 | 60.09 | +------+-------+-------+ 2023-02-19 13:53:02,156 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_96000.pth. 2023-02-19 13:53:02,156 - mmseg - INFO - Best mIoU is 0.4771 at 96000 iter. 2023-02-19 13:53:02,156 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:53:02,156 - mmseg - INFO - Iter(val) [500] aAcc: 0.8230, mIoU: 0.4771, mAcc: 0.6009, IoU.wall: 0.7642, IoU.building: 0.8115, IoU.sky: 0.9394, IoU.floor: 0.7974, IoU.tree: 0.7286, IoU.ceiling: 0.8188, IoU.road: 0.8274, IoU.bed : 0.8898, IoU.windowpane: 0.6108, IoU.grass: 0.6811, IoU.cabinet: 0.6291, IoU.sidewalk: 0.6544, IoU.person: 0.7995, IoU.earth: 0.3868, IoU.door: 0.5148, IoU.table: 0.6003, IoU.mountain: 0.5506, IoU.plant: 0.4800, IoU.curtain: 0.7391, IoU.chair: 0.5514, IoU.car: 0.8295, IoU.water: 0.5017, IoU.painting: 0.7654, IoU.sofa: 0.6423, IoU.shelf: 0.4413, IoU.house: 0.4122, IoU.sea: 0.5610, IoU.mirror: 0.6845, IoU.rug: 0.5696, IoU.field: 0.3772, IoU.armchair: 0.3798, IoU.seat: 0.5987, IoU.fence: 0.3797, IoU.desk: 0.5119, IoU.rock: 0.3536, IoU.wardrobe: 0.4597, IoU.lamp: 0.6038, IoU.bathtub: 0.7685, IoU.railing: 0.3420, IoU.cushion: 0.5339, IoU.base: 0.2029, IoU.box: 0.2139, IoU.column: 0.4392, IoU.signboard: 0.3714, IoU.chest of drawers: 0.3626, IoU.counter: 0.2016, IoU.sand: 0.4069, IoU.sink: 0.7343, IoU.skyscraper: 0.4354, IoU.fireplace: 0.7311, IoU.refrigerator: 0.7053, IoU.grandstand: 0.3625, IoU.path: 0.2260, IoU.stairs: 0.2619, IoU.runway: 0.6538, IoU.case: 0.3465, IoU.pool table: 0.9292, IoU.pillow: 0.4788, IoU.screen door: 0.7506, IoU.stairway: 0.2933, IoU.river: 0.0728, IoU.bridge: 0.6679, IoU.bookcase: 0.4195, IoU.blind: 0.3639, IoU.coffee table: 0.5566, IoU.toilet: 0.8529, IoU.flower: 0.3762, IoU.book: 0.4652, IoU.hill: 0.1187, IoU.bench: 0.4838, IoU.countertop: 0.4596, IoU.stove: 0.7440, IoU.palm: 0.5384, IoU.kitchen island: 0.3367, IoU.computer: 0.6589, IoU.swivel chair: 0.4193, IoU.boat: 0.4193, IoU.bar: 0.3549, IoU.arcade machine: 0.4406, IoU.hovel: 0.3411, IoU.bus: 0.8595, IoU.towel: 0.6530, IoU.light: 0.4700, IoU.truck: 0.3940, IoU.tower: 0.1522, IoU.chandelier: 0.6240, IoU.awning: 0.2646, IoU.streetlight: 0.2602, IoU.booth: 0.6183, IoU.television receiver: 0.6854, IoU.airplane: 0.5490, IoU.dirt track: 0.0801, IoU.apparel: 0.4095, IoU.pole: 0.1328, IoU.land: 0.0292, IoU.bannister: 0.0946, IoU.escalator: 0.4074, IoU.ottoman: 0.4403, IoU.bottle: 0.3724, IoU.buffet: 0.3232, IoU.poster: 0.3231, IoU.stage: 0.1350, IoU.van: 0.4460, IoU.ship: 0.6173, IoU.fountain: 0.3588, IoU.conveyer belt: 0.6064, IoU.canopy: 0.2995, IoU.washer: 0.7218, IoU.plaything: 0.2461, IoU.swimming pool: 0.4545, IoU.stool: 0.3996, IoU.barrel: 0.2871, IoU.basket: 0.2922, IoU.waterfall: 0.4955, IoU.tent: 0.9676, IoU.bag: 0.0882, IoU.minibike: 0.6610, IoU.cradle: 0.7438, IoU.oven: 0.5567, IoU.ball: 0.4286, IoU.food: 0.5377, IoU.step: 0.1418, IoU.tank: 0.4497, IoU.trade name: 0.2908, IoU.microwave: 0.7746, IoU.pot: 0.4255, IoU.animal: 0.5561, IoU.bicycle: 0.5645, IoU.lake: 0.1608, IoU.dishwasher: 0.6352, IoU.screen: 0.6136, IoU.blanket: 0.1154, IoU.sculpture: 0.6198, IoU.hood: 0.5976, IoU.sconce: 0.4413, IoU.vase: 0.3428, IoU.traffic light: 0.3687, IoU.tray: 0.1014, IoU.ashcan: 0.4028, IoU.fan: 0.6390, IoU.pier: 0.4047, IoU.crt screen: 0.0979, IoU.plate: 0.4873, IoU.monitor: 0.1147, IoU.bulletin board: 0.4401, IoU.shower: 0.0007, IoU.radiator: 0.6183, IoU.glass: 0.1242, IoU.clock: 0.4114, IoU.flag: 0.4456, Acc.wall: 0.8544, Acc.building: 0.9342, Acc.sky: 0.9732, Acc.floor: 0.9084, Acc.tree: 0.8647, Acc.ceiling: 0.9487, Acc.road: 0.8961, Acc.bed : 0.9546, Acc.windowpane: 0.7767, Acc.grass: 0.8129, Acc.cabinet: 0.8039, Acc.sidewalk: 0.8155, Acc.person: 0.9090, Acc.earth: 0.5751, Acc.door: 0.6804, Acc.table: 0.7477, Acc.mountain: 0.6765, Acc.plant: 0.5560, Acc.curtain: 0.8505, Acc.chair: 0.7650, Acc.car: 0.9076, Acc.water: 0.6527, Acc.painting: 0.8926, Acc.sofa: 0.8007, Acc.shelf: 0.6713, Acc.house: 0.4775, Acc.sea: 0.7839, Acc.mirror: 0.7491, Acc.rug: 0.6720, Acc.field: 0.5054, Acc.armchair: 0.5533, Acc.seat: 0.8086, Acc.fence: 0.4794, Acc.desk: 0.6521, Acc.rock: 0.5671, Acc.wardrobe: 0.5394, Acc.lamp: 0.7937, Acc.bathtub: 0.8364, Acc.railing: 0.5299, Acc.cushion: 0.7555, Acc.base: 0.2692, Acc.box: 0.2465, Acc.column: 0.5909, Acc.signboard: 0.4746, Acc.chest of drawers: 0.4919, Acc.counter: 0.2687, Acc.sand: 0.5100, Acc.sink: 0.7740, Acc.skyscraper: 0.5991, Acc.fireplace: 0.8744, Acc.refrigerator: 0.8143, Acc.grandstand: 0.6079, Acc.path: 0.3096, Acc.stairs: 0.3162, Acc.runway: 0.8368, Acc.case: 0.3955, Acc.pool table: 0.9659, Acc.pillow: 0.5424, Acc.screen door: 0.8004, Acc.stairway: 0.3860, Acc.river: 0.1691, Acc.bridge: 0.7662, Acc.bookcase: 0.6534, Acc.blind: 0.4232, Acc.coffee table: 0.8252, Acc.toilet: 0.8930, Acc.flower: 0.5546, Acc.book: 0.6054, Acc.hill: 0.2128, Acc.bench: 0.5188, Acc.countertop: 0.6457, Acc.stove: 0.7776, Acc.palm: 0.7737, Acc.kitchen island: 0.6375, Acc.computer: 0.8016, Acc.swivel chair: 0.6050, Acc.boat: 0.5080, Acc.bar: 0.4940, Acc.arcade machine: 0.4771, Acc.hovel: 0.3980, Acc.bus: 0.9617, Acc.towel: 0.8033, Acc.light: 0.4965, Acc.truck: 0.5588, Acc.tower: 0.2431, Acc.chandelier: 0.8798, Acc.awning: 0.3331, Acc.streetlight: 0.4693, Acc.booth: 0.6651, Acc.television receiver: 0.8206, Acc.airplane: 0.6736, Acc.dirt track: 0.1911, Acc.apparel: 0.5554, Acc.pole: 0.1661, Acc.land: 0.0516, Acc.bannister: 0.1394, Acc.escalator: 0.5205, Acc.ottoman: 0.5078, Acc.bottle: 0.5248, Acc.buffet: 0.3978, Acc.poster: 0.3606, Acc.stage: 0.2466, Acc.van: 0.5327, Acc.ship: 0.9501, Acc.fountain: 0.4071, Acc.conveyer belt: 0.6342, Acc.canopy: 0.3660, Acc.washer: 0.7437, Acc.plaything: 0.3726, Acc.swimming pool: 0.5959, Acc.stool: 0.6125, Acc.barrel: 0.6496, Acc.basket: 0.5096, Acc.waterfall: 0.6233, Acc.tent: 0.9788, Acc.bag: 0.1063, Acc.minibike: 0.8568, Acc.cradle: 0.9723, Acc.oven: 0.7568, Acc.ball: 0.6692, Acc.food: 0.6167, Acc.step: 0.1505, Acc.tank: 0.4970, Acc.trade name: 0.3523, Acc.microwave: 0.8715, Acc.pot: 0.6046, Acc.animal: 0.5844, Acc.bicycle: 0.8194, Acc.lake: 0.1686, Acc.dishwasher: 0.7251, Acc.screen: 0.8636, Acc.blanket: 0.1407, Acc.sculpture: 0.7261, Acc.hood: 0.7223, Acc.sconce: 0.6101, Acc.vase: 0.4866, Acc.traffic light: 0.5291, Acc.tray: 0.1328, Acc.ashcan: 0.5418, Acc.fan: 0.7915, Acc.pier: 0.8656, Acc.crt screen: 0.2345, Acc.plate: 0.8086, Acc.monitor: 0.1272, Acc.bulletin board: 0.5664, Acc.shower: 0.0010, Acc.radiator: 0.7163, Acc.glass: 0.1338, Acc.clock: 0.5440, Acc.flag: 0.5547 2023-02-19 13:53:20,212 - mmseg - INFO - Iter [96050/160000] lr: 2.398e-05, eta: 6:32:45, time: 0.947, data_time: 0.592, memory: 20662, decode.loss_ce: 0.1443, decode.acc_seg: 94.0139, aux.loss_ce: 0.0842, aux.acc_seg: 91.3468, loss: 0.2286, grad_norm: 2.5909 2023-02-19 13:53:38,179 - mmseg - INFO - Iter [96100/160000] lr: 2.396e-05, eta: 6:32:26, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1454, decode.acc_seg: 93.9677, aux.loss_ce: 0.0849, aux.acc_seg: 91.3438, loss: 0.2303, grad_norm: 3.2371 2023-02-19 13:53:56,239 - mmseg - INFO - Iter [96150/160000] lr: 2.394e-05, eta: 6:32:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1381, decode.acc_seg: 94.1362, aux.loss_ce: 0.0828, aux.acc_seg: 91.2369, loss: 0.2209, grad_norm: 2.1746 2023-02-19 13:54:14,762 - mmseg - INFO - Iter [96200/160000] lr: 2.393e-05, eta: 6:31:49, time: 0.370, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1456, decode.acc_seg: 93.9268, aux.loss_ce: 0.0847, aux.acc_seg: 91.2615, loss: 0.2303, grad_norm: 2.7550 2023-02-19 13:54:32,750 - mmseg - INFO - Iter [96250/160000] lr: 2.391e-05, eta: 6:31:31, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1468, decode.acc_seg: 93.7413, aux.loss_ce: 0.0872, aux.acc_seg: 90.8864, loss: 0.2340, grad_norm: 2.2546 2023-02-19 13:54:50,707 - mmseg - INFO - Iter [96300/160000] lr: 2.389e-05, eta: 6:31:12, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1367, decode.acc_seg: 94.3214, aux.loss_ce: 0.0845, aux.acc_seg: 91.3963, loss: 0.2212, grad_norm: 2.1691 2023-02-19 13:55:08,788 - mmseg - INFO - Iter [96350/160000] lr: 2.387e-05, eta: 6:30:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1576, decode.acc_seg: 93.5969, aux.loss_ce: 0.0900, aux.acc_seg: 90.8415, loss: 0.2476, grad_norm: 2.2032 2023-02-19 13:55:26,875 - mmseg - INFO - Iter [96400/160000] lr: 2.385e-05, eta: 6:30:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.8276, aux.loss_ce: 0.0893, aux.acc_seg: 90.8472, loss: 0.2391, grad_norm: 2.4622 2023-02-19 13:55:45,731 - mmseg - INFO - Iter [96450/160000] lr: 2.383e-05, eta: 6:30:16, time: 0.377, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1443, decode.acc_seg: 94.0839, aux.loss_ce: 0.0881, aux.acc_seg: 90.9935, loss: 0.2324, grad_norm: 2.7326 2023-02-19 13:56:04,038 - mmseg - INFO - Iter [96500/160000] lr: 2.381e-05, eta: 6:29:58, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1432, decode.acc_seg: 94.0433, aux.loss_ce: 0.0847, aux.acc_seg: 91.1724, loss: 0.2279, grad_norm: 3.0720 2023-02-19 13:56:22,303 - mmseg - INFO - Iter [96550/160000] lr: 2.379e-05, eta: 6:29:39, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1483, decode.acc_seg: 93.9337, aux.loss_ce: 0.0859, aux.acc_seg: 91.2225, loss: 0.2342, grad_norm: 2.8782 2023-02-19 13:56:40,438 - mmseg - INFO - Iter [96600/160000] lr: 2.378e-05, eta: 6:29:21, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1432, decode.acc_seg: 94.0390, aux.loss_ce: 0.0843, aux.acc_seg: 91.4030, loss: 0.2275, grad_norm: 2.6489 2023-02-19 13:56:58,459 - mmseg - INFO - Iter [96650/160000] lr: 2.376e-05, eta: 6:29:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1442, decode.acc_seg: 94.0776, aux.loss_ce: 0.0844, aux.acc_seg: 91.4112, loss: 0.2286, grad_norm: 2.4535 2023-02-19 13:57:16,496 - mmseg - INFO - Iter [96700/160000] lr: 2.374e-05, eta: 6:28:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1472, decode.acc_seg: 93.8323, aux.loss_ce: 0.0865, aux.acc_seg: 91.0253, loss: 0.2337, grad_norm: 2.3494 2023-02-19 13:57:34,526 - mmseg - INFO - Iter [96750/160000] lr: 2.372e-05, eta: 6:28:25, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1464, decode.acc_seg: 93.9657, aux.loss_ce: 0.0875, aux.acc_seg: 90.9681, loss: 0.2338, grad_norm: 2.7333 2023-02-19 13:57:52,523 - mmseg - INFO - Iter [96800/160000] lr: 2.370e-05, eta: 6:28:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1463, decode.acc_seg: 93.8606, aux.loss_ce: 0.0867, aux.acc_seg: 90.9974, loss: 0.2331, grad_norm: 2.5499 2023-02-19 13:58:10,571 - mmseg - INFO - Iter [96850/160000] lr: 2.368e-05, eta: 6:27:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1423, decode.acc_seg: 94.1624, aux.loss_ce: 0.0872, aux.acc_seg: 91.1001, loss: 0.2294, grad_norm: 2.1449 2023-02-19 13:58:28,787 - mmseg - INFO - Iter [96900/160000] lr: 2.366e-05, eta: 6:27:29, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1433, decode.acc_seg: 93.9988, aux.loss_ce: 0.0852, aux.acc_seg: 91.2666, loss: 0.2285, grad_norm: 2.6927 2023-02-19 13:58:46,836 - mmseg - INFO - Iter [96950/160000] lr: 2.364e-05, eta: 6:27:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1444, decode.acc_seg: 93.8137, aux.loss_ce: 0.0851, aux.acc_seg: 91.0595, loss: 0.2295, grad_norm: 2.2926 2023-02-19 13:59:05,017 - mmseg - INFO - Saving checkpoint at 97000 iterations 2023-02-19 13:59:06,833 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 13:59:06,833 - mmseg - INFO - Iter [97000/160000] lr: 2.363e-05, eta: 6:26:53, time: 0.400, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1505, decode.acc_seg: 93.6952, aux.loss_ce: 0.0889, aux.acc_seg: 90.9174, loss: 0.2394, grad_norm: 3.0208 2023-02-19 13:59:24,930 - mmseg - INFO - Iter [97050/160000] lr: 2.361e-05, eta: 6:26:34, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1460, decode.acc_seg: 93.8448, aux.loss_ce: 0.0846, aux.acc_seg: 91.0781, loss: 0.2306, grad_norm: 2.7681 2023-02-19 13:59:43,122 - mmseg - INFO - Iter [97100/160000] lr: 2.359e-05, eta: 6:26:15, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1459, decode.acc_seg: 93.8099, aux.loss_ce: 0.0871, aux.acc_seg: 90.8845, loss: 0.2330, grad_norm: 2.8597 2023-02-19 14:00:01,589 - mmseg - INFO - Iter [97150/160000] lr: 2.357e-05, eta: 6:25:57, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1534, decode.acc_seg: 93.6582, aux.loss_ce: 0.0880, aux.acc_seg: 90.9762, loss: 0.2415, grad_norm: 2.2799 2023-02-19 14:00:19,798 - mmseg - INFO - Iter [97200/160000] lr: 2.355e-05, eta: 6:25:39, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1435, decode.acc_seg: 94.0263, aux.loss_ce: 0.0827, aux.acc_seg: 91.4393, loss: 0.2262, grad_norm: 2.8487 2023-02-19 14:00:38,114 - mmseg - INFO - Iter [97250/160000] lr: 2.353e-05, eta: 6:25:20, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1396, decode.acc_seg: 94.2160, aux.loss_ce: 0.0829, aux.acc_seg: 91.5412, loss: 0.2225, grad_norm: 2.8831 2023-02-19 14:00:58,695 - mmseg - INFO - Iter [97300/160000] lr: 2.351e-05, eta: 6:25:03, time: 0.412, data_time: 0.048, memory: 20662, decode.loss_ce: 0.1394, decode.acc_seg: 94.1681, aux.loss_ce: 0.0815, aux.acc_seg: 91.5173, loss: 0.2208, grad_norm: 2.2913 2023-02-19 14:01:16,768 - mmseg - INFO - Iter [97350/160000] lr: 2.349e-05, eta: 6:24:44, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1365, decode.acc_seg: 94.3061, aux.loss_ce: 0.0824, aux.acc_seg: 91.3550, loss: 0.2189, grad_norm: 2.6347 2023-02-19 14:01:35,019 - mmseg - INFO - Iter [97400/160000] lr: 2.348e-05, eta: 6:24:26, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1395, decode.acc_seg: 94.0777, aux.loss_ce: 0.0825, aux.acc_seg: 91.4033, loss: 0.2220, grad_norm: 2.2808 2023-02-19 14:01:53,217 - mmseg - INFO - Iter [97450/160000] lr: 2.346e-05, eta: 6:24:07, time: 0.365, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1351, decode.acc_seg: 94.3301, aux.loss_ce: 0.0814, aux.acc_seg: 91.4645, loss: 0.2166, grad_norm: 2.8240 2023-02-19 14:02:11,246 - mmseg - INFO - Iter [97500/160000] lr: 2.344e-05, eta: 6:23:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1424, decode.acc_seg: 94.1084, aux.loss_ce: 0.0833, aux.acc_seg: 91.6280, loss: 0.2257, grad_norm: 2.9124 2023-02-19 14:02:29,307 - mmseg - INFO - Iter [97550/160000] lr: 2.342e-05, eta: 6:23:30, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1511, decode.acc_seg: 93.8663, aux.loss_ce: 0.0861, aux.acc_seg: 91.2431, loss: 0.2372, grad_norm: 2.9638 2023-02-19 14:02:47,946 - mmseg - INFO - Iter [97600/160000] lr: 2.340e-05, eta: 6:23:12, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1441, decode.acc_seg: 94.0622, aux.loss_ce: 0.0859, aux.acc_seg: 91.2630, loss: 0.2300, grad_norm: 3.3129 2023-02-19 14:03:05,953 - mmseg - INFO - Iter [97650/160000] lr: 2.338e-05, eta: 6:22:53, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.2840, aux.loss_ce: 0.0821, aux.acc_seg: 91.5530, loss: 0.2197, grad_norm: 3.0021 2023-02-19 14:03:24,183 - mmseg - INFO - Iter [97700/160000] lr: 2.336e-05, eta: 6:22:34, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1521, decode.acc_seg: 93.7505, aux.loss_ce: 0.0899, aux.acc_seg: 90.7974, loss: 0.2420, grad_norm: 2.5383 2023-02-19 14:03:42,420 - mmseg - INFO - Iter [97750/160000] lr: 2.334e-05, eta: 6:22:16, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1420, decode.acc_seg: 93.9592, aux.loss_ce: 0.0862, aux.acc_seg: 90.9678, loss: 0.2282, grad_norm: 2.5736 2023-02-19 14:04:00,471 - mmseg - INFO - Iter [97800/160000] lr: 2.333e-05, eta: 6:21:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1511, decode.acc_seg: 93.8152, aux.loss_ce: 0.0894, aux.acc_seg: 90.9508, loss: 0.2405, grad_norm: 2.3574 2023-02-19 14:04:18,743 - mmseg - INFO - Iter [97850/160000] lr: 2.331e-05, eta: 6:21:39, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1424, decode.acc_seg: 94.0641, aux.loss_ce: 0.0832, aux.acc_seg: 91.4872, loss: 0.2256, grad_norm: 2.4274 2023-02-19 14:04:36,858 - mmseg - INFO - Iter [97900/160000] lr: 2.329e-05, eta: 6:21:20, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1509, decode.acc_seg: 93.7251, aux.loss_ce: 0.0902, aux.acc_seg: 90.6994, loss: 0.2411, grad_norm: 2.9651 2023-02-19 14:04:55,342 - mmseg - INFO - Iter [97950/160000] lr: 2.327e-05, eta: 6:21:02, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1436, decode.acc_seg: 94.0454, aux.loss_ce: 0.0868, aux.acc_seg: 91.0704, loss: 0.2304, grad_norm: 3.3599 2023-02-19 14:05:13,609 - mmseg - INFO - Saving checkpoint at 98000 iterations 2023-02-19 14:05:15,396 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:05:15,396 - mmseg - INFO - Iter [98000/160000] lr: 2.325e-05, eta: 6:20:44, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1396, decode.acc_seg: 94.1590, aux.loss_ce: 0.0830, aux.acc_seg: 91.3849, loss: 0.2225, grad_norm: 2.1838 2023-02-19 14:05:33,620 - mmseg - INFO - Iter [98050/160000] lr: 2.323e-05, eta: 6:20:26, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1297, decode.acc_seg: 94.3788, aux.loss_ce: 0.0764, aux.acc_seg: 91.7187, loss: 0.2061, grad_norm: 1.9188 2023-02-19 14:05:51,939 - mmseg - INFO - Iter [98100/160000] lr: 2.321e-05, eta: 6:20:07, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1479, decode.acc_seg: 93.9023, aux.loss_ce: 0.0891, aux.acc_seg: 90.8916, loss: 0.2369, grad_norm: 2.4066 2023-02-19 14:06:09,998 - mmseg - INFO - Iter [98150/160000] lr: 2.319e-05, eta: 6:19:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1457, decode.acc_seg: 93.9260, aux.loss_ce: 0.0863, aux.acc_seg: 91.2160, loss: 0.2320, grad_norm: 2.7216 2023-02-19 14:06:27,996 - mmseg - INFO - Iter [98200/160000] lr: 2.318e-05, eta: 6:19:30, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1434, decode.acc_seg: 93.9035, aux.loss_ce: 0.0842, aux.acc_seg: 91.3122, loss: 0.2276, grad_norm: 2.8103 2023-02-19 14:06:46,030 - mmseg - INFO - Iter [98250/160000] lr: 2.316e-05, eta: 6:19:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1514, decode.acc_seg: 94.0012, aux.loss_ce: 0.0904, aux.acc_seg: 91.0077, loss: 0.2418, grad_norm: 3.2139 2023-02-19 14:07:04,496 - mmseg - INFO - Iter [98300/160000] lr: 2.314e-05, eta: 6:18:53, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1463, decode.acc_seg: 93.8648, aux.loss_ce: 0.0863, aux.acc_seg: 91.0396, loss: 0.2325, grad_norm: 2.7295 2023-02-19 14:07:22,798 - mmseg - INFO - Iter [98350/160000] lr: 2.312e-05, eta: 6:18:34, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1424, decode.acc_seg: 94.0671, aux.loss_ce: 0.0835, aux.acc_seg: 91.4072, loss: 0.2259, grad_norm: 2.1250 2023-02-19 14:07:41,008 - mmseg - INFO - Iter [98400/160000] lr: 2.310e-05, eta: 6:18:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1392, decode.acc_seg: 94.1153, aux.loss_ce: 0.0832, aux.acc_seg: 91.3687, loss: 0.2224, grad_norm: 4.2537 2023-02-19 14:07:59,151 - mmseg - INFO - Iter [98450/160000] lr: 2.308e-05, eta: 6:17:57, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1472, decode.acc_seg: 93.8680, aux.loss_ce: 0.0860, aux.acc_seg: 91.1612, loss: 0.2331, grad_norm: 2.6842 2023-02-19 14:08:17,522 - mmseg - INFO - Iter [98500/160000] lr: 2.306e-05, eta: 6:17:39, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1467, decode.acc_seg: 93.8570, aux.loss_ce: 0.0871, aux.acc_seg: 90.9901, loss: 0.2339, grad_norm: 3.0766 2023-02-19 14:08:38,002 - mmseg - INFO - Iter [98550/160000] lr: 2.304e-05, eta: 6:17:22, time: 0.410, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1417, decode.acc_seg: 94.0547, aux.loss_ce: 0.0828, aux.acc_seg: 91.4263, loss: 0.2245, grad_norm: 2.5530 2023-02-19 14:08:56,092 - mmseg - INFO - Iter [98600/160000] lr: 2.303e-05, eta: 6:17:03, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1368, decode.acc_seg: 94.3292, aux.loss_ce: 0.0803, aux.acc_seg: 91.6216, loss: 0.2171, grad_norm: 2.0447 2023-02-19 14:09:14,114 - mmseg - INFO - Iter [98650/160000] lr: 2.301e-05, eta: 6:16:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1380, decode.acc_seg: 94.2422, aux.loss_ce: 0.0831, aux.acc_seg: 91.4365, loss: 0.2212, grad_norm: 2.1660 2023-02-19 14:09:32,172 - mmseg - INFO - Iter [98700/160000] lr: 2.299e-05, eta: 6:16:26, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1405, decode.acc_seg: 93.9653, aux.loss_ce: 0.0838, aux.acc_seg: 91.1201, loss: 0.2243, grad_norm: 2.2691 2023-02-19 14:09:50,413 - mmseg - INFO - Iter [98750/160000] lr: 2.297e-05, eta: 6:16:07, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1407, decode.acc_seg: 94.2724, aux.loss_ce: 0.0868, aux.acc_seg: 91.2729, loss: 0.2275, grad_norm: 3.8439 2023-02-19 14:10:08,722 - mmseg - INFO - Iter [98800/160000] lr: 2.295e-05, eta: 6:15:49, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1409, decode.acc_seg: 94.0164, aux.loss_ce: 0.0836, aux.acc_seg: 91.2331, loss: 0.2246, grad_norm: 3.6217 2023-02-19 14:10:27,167 - mmseg - INFO - Iter [98850/160000] lr: 2.293e-05, eta: 6:15:30, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1390, decode.acc_seg: 94.2363, aux.loss_ce: 0.0841, aux.acc_seg: 91.3344, loss: 0.2231, grad_norm: 2.7148 2023-02-19 14:10:45,303 - mmseg - INFO - Iter [98900/160000] lr: 2.291e-05, eta: 6:15:12, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1451, decode.acc_seg: 93.8575, aux.loss_ce: 0.0819, aux.acc_seg: 91.4057, loss: 0.2270, grad_norm: 2.5835 2023-02-19 14:11:03,596 - mmseg - INFO - Iter [98950/160000] lr: 2.289e-05, eta: 6:14:53, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1432, decode.acc_seg: 94.0592, aux.loss_ce: 0.0874, aux.acc_seg: 91.0695, loss: 0.2306, grad_norm: 3.2288 2023-02-19 14:11:21,917 - mmseg - INFO - Saving checkpoint at 99000 iterations 2023-02-19 14:11:23,716 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:11:23,716 - mmseg - INFO - Iter [99000/160000] lr: 2.288e-05, eta: 6:14:36, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1393, decode.acc_seg: 94.1776, aux.loss_ce: 0.0809, aux.acc_seg: 91.6361, loss: 0.2202, grad_norm: 2.4954 2023-02-19 14:11:41,855 - mmseg - INFO - Iter [99050/160000] lr: 2.286e-05, eta: 6:14:17, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.9186, aux.loss_ce: 0.0886, aux.acc_seg: 91.0810, loss: 0.2384, grad_norm: 2.2186 2023-02-19 14:11:59,952 - mmseg - INFO - Iter [99100/160000] lr: 2.284e-05, eta: 6:13:59, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1482, decode.acc_seg: 93.7229, aux.loss_ce: 0.0896, aux.acc_seg: 90.6212, loss: 0.2377, grad_norm: 2.5983 2023-02-19 14:12:18,146 - mmseg - INFO - Iter [99150/160000] lr: 2.282e-05, eta: 6:13:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1427, decode.acc_seg: 94.0916, aux.loss_ce: 0.0840, aux.acc_seg: 91.4583, loss: 0.2267, grad_norm: 2.4123 2023-02-19 14:12:36,346 - mmseg - INFO - Iter [99200/160000] lr: 2.280e-05, eta: 6:13:21, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1446, decode.acc_seg: 93.8462, aux.loss_ce: 0.0866, aux.acc_seg: 91.0732, loss: 0.2312, grad_norm: 2.8063 2023-02-19 14:12:54,814 - mmseg - INFO - Iter [99250/160000] lr: 2.278e-05, eta: 6:13:03, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1445, decode.acc_seg: 93.8493, aux.loss_ce: 0.0827, aux.acc_seg: 91.3693, loss: 0.2271, grad_norm: 2.3791 2023-02-19 14:13:12,956 - mmseg - INFO - Iter [99300/160000] lr: 2.276e-05, eta: 6:12:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1522, decode.acc_seg: 93.7238, aux.loss_ce: 0.0908, aux.acc_seg: 90.7785, loss: 0.2430, grad_norm: 3.1568 2023-02-19 14:13:31,026 - mmseg - INFO - Iter [99350/160000] lr: 2.274e-05, eta: 6:12:26, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1401, decode.acc_seg: 94.0495, aux.loss_ce: 0.0829, aux.acc_seg: 91.2707, loss: 0.2230, grad_norm: 2.0462 2023-02-19 14:13:49,135 - mmseg - INFO - Iter [99400/160000] lr: 2.273e-05, eta: 6:12:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1465, decode.acc_seg: 93.9765, aux.loss_ce: 0.0883, aux.acc_seg: 91.0331, loss: 0.2348, grad_norm: 2.6419 2023-02-19 14:14:07,226 - mmseg - INFO - Iter [99450/160000] lr: 2.271e-05, eta: 6:11:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1400, decode.acc_seg: 94.2347, aux.loss_ce: 0.0840, aux.acc_seg: 91.3904, loss: 0.2239, grad_norm: 2.7954 2023-02-19 14:14:25,563 - mmseg - INFO - Iter [99500/160000] lr: 2.269e-05, eta: 6:11:30, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1401, decode.acc_seg: 94.0779, aux.loss_ce: 0.0836, aux.acc_seg: 91.5799, loss: 0.2237, grad_norm: 2.5659 2023-02-19 14:14:43,670 - mmseg - INFO - Iter [99550/160000] lr: 2.267e-05, eta: 6:11:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1382, decode.acc_seg: 94.2866, aux.loss_ce: 0.0843, aux.acc_seg: 91.3358, loss: 0.2225, grad_norm: 2.7125 2023-02-19 14:15:01,871 - mmseg - INFO - Iter [99600/160000] lr: 2.265e-05, eta: 6:10:53, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1471, decode.acc_seg: 93.8813, aux.loss_ce: 0.0876, aux.acc_seg: 91.0687, loss: 0.2347, grad_norm: 2.5989 2023-02-19 14:15:19,909 - mmseg - INFO - Iter [99650/160000] lr: 2.263e-05, eta: 6:10:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1435, decode.acc_seg: 94.2082, aux.loss_ce: 0.0872, aux.acc_seg: 91.2187, loss: 0.2307, grad_norm: 2.5410 2023-02-19 14:15:38,030 - mmseg - INFO - Iter [99700/160000] lr: 2.261e-05, eta: 6:10:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1446, decode.acc_seg: 93.8920, aux.loss_ce: 0.0849, aux.acc_seg: 91.2289, loss: 0.2295, grad_norm: 2.3793 2023-02-19 14:15:56,125 - mmseg - INFO - Iter [99750/160000] lr: 2.259e-05, eta: 6:09:57, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1401, decode.acc_seg: 94.0012, aux.loss_ce: 0.0814, aux.acc_seg: 91.4536, loss: 0.2215, grad_norm: 2.4735 2023-02-19 14:16:16,511 - mmseg - INFO - Iter [99800/160000] lr: 2.258e-05, eta: 6:09:40, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1395, decode.acc_seg: 94.1710, aux.loss_ce: 0.0860, aux.acc_seg: 91.1398, loss: 0.2254, grad_norm: 2.7964 2023-02-19 14:16:34,969 - mmseg - INFO - Iter [99850/160000] lr: 2.256e-05, eta: 6:09:21, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1416, decode.acc_seg: 93.9416, aux.loss_ce: 0.0830, aux.acc_seg: 91.3147, loss: 0.2246, grad_norm: 2.6685 2023-02-19 14:16:53,055 - mmseg - INFO - Iter [99900/160000] lr: 2.254e-05, eta: 6:09:03, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1422, decode.acc_seg: 93.9351, aux.loss_ce: 0.0847, aux.acc_seg: 91.1557, loss: 0.2269, grad_norm: 2.6123 2023-02-19 14:17:11,147 - mmseg - INFO - Iter [99950/160000] lr: 2.252e-05, eta: 6:08:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1509, decode.acc_seg: 94.0281, aux.loss_ce: 0.0890, aux.acc_seg: 91.0257, loss: 0.2399, grad_norm: 2.7470 2023-02-19 14:17:29,201 - mmseg - INFO - Saving checkpoint at 100000 iterations 2023-02-19 14:17:30,942 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:17:30,942 - mmseg - INFO - Iter [100000/160000] lr: 2.250e-05, eta: 6:08:27, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1485, decode.acc_seg: 93.8332, aux.loss_ce: 0.0861, aux.acc_seg: 91.1449, loss: 0.2346, grad_norm: 2.8574 2023-02-19 14:17:49,004 - mmseg - INFO - Iter [100050/160000] lr: 2.248e-05, eta: 6:08:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1313, decode.acc_seg: 94.4630, aux.loss_ce: 0.0794, aux.acc_seg: 91.8457, loss: 0.2108, grad_norm: 2.1414 2023-02-19 14:18:07,048 - mmseg - INFO - Iter [100100/160000] lr: 2.246e-05, eta: 6:07:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1375, decode.acc_seg: 94.0645, aux.loss_ce: 0.0821, aux.acc_seg: 91.2819, loss: 0.2196, grad_norm: 2.6381 2023-02-19 14:18:25,129 - mmseg - INFO - Iter [100150/160000] lr: 2.244e-05, eta: 6:07:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1449, decode.acc_seg: 94.0566, aux.loss_ce: 0.0868, aux.acc_seg: 91.2219, loss: 0.2318, grad_norm: 2.6847 2023-02-19 14:18:43,125 - mmseg - INFO - Iter [100200/160000] lr: 2.243e-05, eta: 6:07:12, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1403, decode.acc_seg: 94.0665, aux.loss_ce: 0.0830, aux.acc_seg: 91.3912, loss: 0.2232, grad_norm: 2.2847 2023-02-19 14:19:01,169 - mmseg - INFO - Iter [100250/160000] lr: 2.241e-05, eta: 6:06:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1427, decode.acc_seg: 93.9448, aux.loss_ce: 0.0895, aux.acc_seg: 90.6301, loss: 0.2322, grad_norm: 2.3210 2023-02-19 14:19:19,218 - mmseg - INFO - Iter [100300/160000] lr: 2.239e-05, eta: 6:06:35, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1370, decode.acc_seg: 94.2536, aux.loss_ce: 0.0844, aux.acc_seg: 91.2479, loss: 0.2214, grad_norm: 2.8561 2023-02-19 14:19:37,333 - mmseg - INFO - Iter [100350/160000] lr: 2.237e-05, eta: 6:06:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1346, decode.acc_seg: 94.2904, aux.loss_ce: 0.0815, aux.acc_seg: 91.4713, loss: 0.2161, grad_norm: 2.1838 2023-02-19 14:19:55,505 - mmseg - INFO - Iter [100400/160000] lr: 2.235e-05, eta: 6:05:57, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1453, decode.acc_seg: 93.8965, aux.loss_ce: 0.0840, aux.acc_seg: 91.3310, loss: 0.2293, grad_norm: 2.1111 2023-02-19 14:20:13,546 - mmseg - INFO - Iter [100450/160000] lr: 2.233e-05, eta: 6:05:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1420, decode.acc_seg: 94.1459, aux.loss_ce: 0.0841, aux.acc_seg: 91.3736, loss: 0.2261, grad_norm: 2.3763 2023-02-19 14:20:31,823 - mmseg - INFO - Iter [100500/160000] lr: 2.231e-05, eta: 6:05:20, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1395, decode.acc_seg: 94.2403, aux.loss_ce: 0.0838, aux.acc_seg: 91.4740, loss: 0.2233, grad_norm: 2.1310 2023-02-19 14:20:50,244 - mmseg - INFO - Iter [100550/160000] lr: 2.229e-05, eta: 6:05:02, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1329, decode.acc_seg: 94.3216, aux.loss_ce: 0.0812, aux.acc_seg: 91.3796, loss: 0.2141, grad_norm: 2.2588 2023-02-19 14:21:08,433 - mmseg - INFO - Iter [100600/160000] lr: 2.228e-05, eta: 6:04:43, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1411, decode.acc_seg: 94.0034, aux.loss_ce: 0.0832, aux.acc_seg: 91.3275, loss: 0.2244, grad_norm: 2.5086 2023-02-19 14:21:26,495 - mmseg - INFO - Iter [100650/160000] lr: 2.226e-05, eta: 6:04:25, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1396, decode.acc_seg: 94.1872, aux.loss_ce: 0.0840, aux.acc_seg: 91.2733, loss: 0.2236, grad_norm: 1.9222 2023-02-19 14:21:44,867 - mmseg - INFO - Iter [100700/160000] lr: 2.224e-05, eta: 6:04:06, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1498, decode.acc_seg: 93.8102, aux.loss_ce: 0.0872, aux.acc_seg: 91.0472, loss: 0.2370, grad_norm: 2.7608 2023-02-19 14:22:02,914 - mmseg - INFO - Iter [100750/160000] lr: 2.222e-05, eta: 6:03:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1320, decode.acc_seg: 94.3578, aux.loss_ce: 0.0776, aux.acc_seg: 91.7947, loss: 0.2096, grad_norm: 2.0411 2023-02-19 14:22:21,460 - mmseg - INFO - Iter [100800/160000] lr: 2.220e-05, eta: 6:03:29, time: 0.371, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1393, decode.acc_seg: 94.3053, aux.loss_ce: 0.0849, aux.acc_seg: 91.4292, loss: 0.2243, grad_norm: 2.2524 2023-02-19 14:22:39,819 - mmseg - INFO - Iter [100850/160000] lr: 2.218e-05, eta: 6:03:11, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1420, decode.acc_seg: 93.9023, aux.loss_ce: 0.0821, aux.acc_seg: 91.2974, loss: 0.2241, grad_norm: 2.9639 2023-02-19 14:22:57,956 - mmseg - INFO - Iter [100900/160000] lr: 2.216e-05, eta: 6:02:52, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1449, decode.acc_seg: 93.8890, aux.loss_ce: 0.0862, aux.acc_seg: 91.0817, loss: 0.2311, grad_norm: 2.0978 2023-02-19 14:23:16,102 - mmseg - INFO - Iter [100950/160000] lr: 2.214e-05, eta: 6:02:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1365, decode.acc_seg: 94.3875, aux.loss_ce: 0.0829, aux.acc_seg: 91.4407, loss: 0.2195, grad_norm: 2.1434 2023-02-19 14:23:34,038 - mmseg - INFO - Saving checkpoint at 101000 iterations 2023-02-19 14:23:35,866 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:23:35,866 - mmseg - INFO - Iter [101000/160000] lr: 2.213e-05, eta: 6:02:16, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1382, decode.acc_seg: 94.1211, aux.loss_ce: 0.0815, aux.acc_seg: 91.5958, loss: 0.2196, grad_norm: 2.2771 2023-02-19 14:23:56,337 - mmseg - INFO - Iter [101050/160000] lr: 2.211e-05, eta: 6:01:59, time: 0.409, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1333, decode.acc_seg: 94.3840, aux.loss_ce: 0.0788, aux.acc_seg: 91.8685, loss: 0.2121, grad_norm: 2.0299 2023-02-19 14:24:14,393 - mmseg - INFO - Iter [101100/160000] lr: 2.209e-05, eta: 6:01:40, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1348, decode.acc_seg: 94.3833, aux.loss_ce: 0.0788, aux.acc_seg: 91.9420, loss: 0.2136, grad_norm: 2.6427 2023-02-19 14:24:32,599 - mmseg - INFO - Iter [101150/160000] lr: 2.207e-05, eta: 6:01:22, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1306, decode.acc_seg: 94.4735, aux.loss_ce: 0.0797, aux.acc_seg: 91.7436, loss: 0.2103, grad_norm: 2.3641 2023-02-19 14:24:50,669 - mmseg - INFO - Iter [101200/160000] lr: 2.205e-05, eta: 6:01:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1312, decode.acc_seg: 94.4361, aux.loss_ce: 0.0824, aux.acc_seg: 91.2928, loss: 0.2136, grad_norm: 2.2557 2023-02-19 14:25:08,928 - mmseg - INFO - Iter [101250/160000] lr: 2.203e-05, eta: 6:00:44, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1357, decode.acc_seg: 94.3750, aux.loss_ce: 0.0815, aux.acc_seg: 91.5341, loss: 0.2172, grad_norm: 2.6976 2023-02-19 14:25:27,107 - mmseg - INFO - Iter [101300/160000] lr: 2.201e-05, eta: 6:00:26, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1369, decode.acc_seg: 94.2571, aux.loss_ce: 0.0807, aux.acc_seg: 91.6313, loss: 0.2176, grad_norm: 4.1779 2023-02-19 14:25:45,221 - mmseg - INFO - Iter [101350/160000] lr: 2.199e-05, eta: 6:00:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1373, decode.acc_seg: 94.2457, aux.loss_ce: 0.0816, aux.acc_seg: 91.5808, loss: 0.2189, grad_norm: 3.0999 2023-02-19 14:26:03,250 - mmseg - INFO - Iter [101400/160000] lr: 2.198e-05, eta: 5:59:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1379, decode.acc_seg: 94.3667, aux.loss_ce: 0.0817, aux.acc_seg: 91.6794, loss: 0.2196, grad_norm: 2.0640 2023-02-19 14:26:21,412 - mmseg - INFO - Iter [101450/160000] lr: 2.196e-05, eta: 5:59:30, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1531, decode.acc_seg: 93.7128, aux.loss_ce: 0.0896, aux.acc_seg: 90.9220, loss: 0.2428, grad_norm: 3.7826 2023-02-19 14:26:39,583 - mmseg - INFO - Iter [101500/160000] lr: 2.194e-05, eta: 5:59:12, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1469, decode.acc_seg: 93.9143, aux.loss_ce: 0.0868, aux.acc_seg: 91.2705, loss: 0.2337, grad_norm: 3.6864 2023-02-19 14:26:57,980 - mmseg - INFO - Iter [101550/160000] lr: 2.192e-05, eta: 5:58:53, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1405, decode.acc_seg: 94.0487, aux.loss_ce: 0.0831, aux.acc_seg: 91.3365, loss: 0.2236, grad_norm: 2.3488 2023-02-19 14:27:15,955 - mmseg - INFO - Iter [101600/160000] lr: 2.190e-05, eta: 5:58:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1389, decode.acc_seg: 94.1507, aux.loss_ce: 0.0820, aux.acc_seg: 91.4612, loss: 0.2209, grad_norm: 2.1007 2023-02-19 14:27:34,629 - mmseg - INFO - Iter [101650/160000] lr: 2.188e-05, eta: 5:58:16, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1382, decode.acc_seg: 94.0760, aux.loss_ce: 0.0822, aux.acc_seg: 91.3073, loss: 0.2204, grad_norm: 2.2789 2023-02-19 14:27:52,798 - mmseg - INFO - Iter [101700/160000] lr: 2.186e-05, eta: 5:57:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1377, decode.acc_seg: 94.2012, aux.loss_ce: 0.0828, aux.acc_seg: 91.4047, loss: 0.2205, grad_norm: 3.2994 2023-02-19 14:28:10,827 - mmseg - INFO - Iter [101750/160000] lr: 2.184e-05, eta: 5:57:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1423, decode.acc_seg: 93.8784, aux.loss_ce: 0.0840, aux.acc_seg: 91.2162, loss: 0.2263, grad_norm: 2.7816 2023-02-19 14:28:29,345 - mmseg - INFO - Iter [101800/160000] lr: 2.183e-05, eta: 5:57:21, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1404, decode.acc_seg: 94.2282, aux.loss_ce: 0.0823, aux.acc_seg: 91.5797, loss: 0.2226, grad_norm: 2.2009 2023-02-19 14:28:47,723 - mmseg - INFO - Iter [101850/160000] lr: 2.181e-05, eta: 5:57:02, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1358, decode.acc_seg: 94.2823, aux.loss_ce: 0.0826, aux.acc_seg: 91.5049, loss: 0.2185, grad_norm: 2.3417 2023-02-19 14:29:05,912 - mmseg - INFO - Iter [101900/160000] lr: 2.179e-05, eta: 5:56:44, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1390, decode.acc_seg: 94.1846, aux.loss_ce: 0.0851, aux.acc_seg: 91.1330, loss: 0.2241, grad_norm: 2.2692 2023-02-19 14:29:24,049 - mmseg - INFO - Iter [101950/160000] lr: 2.177e-05, eta: 5:56:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1417, decode.acc_seg: 94.0651, aux.loss_ce: 0.0851, aux.acc_seg: 91.0640, loss: 0.2267, grad_norm: 3.2740 2023-02-19 14:29:42,457 - mmseg - INFO - Saving checkpoint at 102000 iterations 2023-02-19 14:29:44,290 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:29:44,290 - mmseg - INFO - Iter [102000/160000] lr: 2.175e-05, eta: 5:56:08, time: 0.405, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1425, decode.acc_seg: 94.1161, aux.loss_ce: 0.0861, aux.acc_seg: 91.1354, loss: 0.2285, grad_norm: 2.4577 2023-02-19 14:30:02,569 - mmseg - INFO - Iter [102050/160000] lr: 2.173e-05, eta: 5:55:49, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1379, decode.acc_seg: 94.1872, aux.loss_ce: 0.0847, aux.acc_seg: 91.3133, loss: 0.2227, grad_norm: 2.2674 2023-02-19 14:30:21,088 - mmseg - INFO - Iter [102100/160000] lr: 2.171e-05, eta: 5:55:31, time: 0.370, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1481, decode.acc_seg: 93.8470, aux.loss_ce: 0.0854, aux.acc_seg: 91.1341, loss: 0.2335, grad_norm: 4.0850 2023-02-19 14:30:39,377 - mmseg - INFO - Iter [102150/160000] lr: 2.169e-05, eta: 5:55:12, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1423, decode.acc_seg: 94.0091, aux.loss_ce: 0.0846, aux.acc_seg: 91.2457, loss: 0.2269, grad_norm: 3.0762 2023-02-19 14:30:57,452 - mmseg - INFO - Iter [102200/160000] lr: 2.168e-05, eta: 5:54:54, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1377, decode.acc_seg: 93.9806, aux.loss_ce: 0.0827, aux.acc_seg: 91.1434, loss: 0.2204, grad_norm: 2.7109 2023-02-19 14:31:15,748 - mmseg - INFO - Iter [102250/160000] lr: 2.166e-05, eta: 5:54:35, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1337, decode.acc_seg: 94.4169, aux.loss_ce: 0.0782, aux.acc_seg: 91.8666, loss: 0.2119, grad_norm: 2.1642 2023-02-19 14:31:33,939 - mmseg - INFO - Iter [102300/160000] lr: 2.164e-05, eta: 5:54:17, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1443, decode.acc_seg: 93.9939, aux.loss_ce: 0.0855, aux.acc_seg: 91.1643, loss: 0.2298, grad_norm: 2.3750 2023-02-19 14:31:54,932 - mmseg - INFO - Iter [102350/160000] lr: 2.162e-05, eta: 5:54:00, time: 0.420, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1346, decode.acc_seg: 94.3619, aux.loss_ce: 0.0824, aux.acc_seg: 91.6066, loss: 0.2170, grad_norm: 2.3978 2023-02-19 14:32:13,058 - mmseg - INFO - Iter [102400/160000] lr: 2.160e-05, eta: 5:53:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1326, decode.acc_seg: 94.3809, aux.loss_ce: 0.0786, aux.acc_seg: 91.8145, loss: 0.2112, grad_norm: 2.3215 2023-02-19 14:32:31,116 - mmseg - INFO - Iter [102450/160000] lr: 2.158e-05, eta: 5:53:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1387, decode.acc_seg: 94.2203, aux.loss_ce: 0.0805, aux.acc_seg: 91.6083, loss: 0.2192, grad_norm: 1.9316 2023-02-19 14:32:49,672 - mmseg - INFO - Iter [102500/160000] lr: 2.156e-05, eta: 5:53:04, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.5493, aux.loss_ce: 0.0787, aux.acc_seg: 91.7447, loss: 0.2078, grad_norm: 2.3466 2023-02-19 14:33:07,605 - mmseg - INFO - Iter [102550/160000] lr: 2.154e-05, eta: 5:52:45, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1365, decode.acc_seg: 94.4039, aux.loss_ce: 0.0836, aux.acc_seg: 91.5541, loss: 0.2202, grad_norm: 2.8502 2023-02-19 14:33:25,555 - mmseg - INFO - Iter [102600/160000] lr: 2.153e-05, eta: 5:52:27, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1317, decode.acc_seg: 94.3349, aux.loss_ce: 0.0785, aux.acc_seg: 91.6039, loss: 0.2101, grad_norm: 2.4121 2023-02-19 14:33:43,473 - mmseg - INFO - Iter [102650/160000] lr: 2.151e-05, eta: 5:52:08, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1371, decode.acc_seg: 94.2586, aux.loss_ce: 0.0806, aux.acc_seg: 91.6414, loss: 0.2177, grad_norm: 2.1056 2023-02-19 14:34:01,335 - mmseg - INFO - Iter [102700/160000] lr: 2.149e-05, eta: 5:51:49, time: 0.357, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1415, decode.acc_seg: 94.2719, aux.loss_ce: 0.0843, aux.acc_seg: 91.5123, loss: 0.2258, grad_norm: 2.6451 2023-02-19 14:34:19,196 - mmseg - INFO - Iter [102750/160000] lr: 2.147e-05, eta: 5:51:31, time: 0.357, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1405, decode.acc_seg: 94.0394, aux.loss_ce: 0.0832, aux.acc_seg: 91.3291, loss: 0.2237, grad_norm: 2.1177 2023-02-19 14:34:37,124 - mmseg - INFO - Iter [102800/160000] lr: 2.145e-05, eta: 5:51:12, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1356, decode.acc_seg: 94.3654, aux.loss_ce: 0.0822, aux.acc_seg: 91.5070, loss: 0.2178, grad_norm: 2.3837 2023-02-19 14:34:55,174 - mmseg - INFO - Iter [102850/160000] lr: 2.143e-05, eta: 5:50:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1365, decode.acc_seg: 94.2827, aux.loss_ce: 0.0832, aux.acc_seg: 91.4495, loss: 0.2197, grad_norm: 2.8532 2023-02-19 14:35:13,292 - mmseg - INFO - Iter [102900/160000] lr: 2.141e-05, eta: 5:50:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1340, decode.acc_seg: 94.2563, aux.loss_ce: 0.0791, aux.acc_seg: 91.6555, loss: 0.2131, grad_norm: 2.3121 2023-02-19 14:35:31,288 - mmseg - INFO - Iter [102950/160000] lr: 2.139e-05, eta: 5:50:16, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1388, decode.acc_seg: 94.2042, aux.loss_ce: 0.0840, aux.acc_seg: 91.3108, loss: 0.2229, grad_norm: 2.9001 2023-02-19 14:35:49,410 - mmseg - INFO - Saving checkpoint at 103000 iterations 2023-02-19 14:35:51,261 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:35:51,261 - mmseg - INFO - Iter [103000/160000] lr: 2.138e-05, eta: 5:49:58, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.2763, aux.loss_ce: 0.0801, aux.acc_seg: 91.7324, loss: 0.2177, grad_norm: 2.4219 2023-02-19 14:36:09,692 - mmseg - INFO - Iter [103050/160000] lr: 2.136e-05, eta: 5:49:40, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1394, decode.acc_seg: 93.9566, aux.loss_ce: 0.0824, aux.acc_seg: 91.1300, loss: 0.2218, grad_norm: 2.1261 2023-02-19 14:36:27,751 - mmseg - INFO - Iter [103100/160000] lr: 2.134e-05, eta: 5:49:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1395, decode.acc_seg: 94.2413, aux.loss_ce: 0.0822, aux.acc_seg: 91.6761, loss: 0.2217, grad_norm: 2.7023 2023-02-19 14:36:45,813 - mmseg - INFO - Iter [103150/160000] lr: 2.132e-05, eta: 5:49:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1393, decode.acc_seg: 94.2175, aux.loss_ce: 0.0843, aux.acc_seg: 91.2890, loss: 0.2235, grad_norm: 2.2605 2023-02-19 14:37:03,838 - mmseg - INFO - Iter [103200/160000] lr: 2.130e-05, eta: 5:48:44, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1460, decode.acc_seg: 93.9130, aux.loss_ce: 0.0866, aux.acc_seg: 91.0114, loss: 0.2326, grad_norm: 2.8451 2023-02-19 14:37:22,000 - mmseg - INFO - Iter [103250/160000] lr: 2.128e-05, eta: 5:48:26, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1412, decode.acc_seg: 94.1553, aux.loss_ce: 0.0815, aux.acc_seg: 91.6906, loss: 0.2226, grad_norm: 3.2542 2023-02-19 14:37:40,012 - mmseg - INFO - Iter [103300/160000] lr: 2.126e-05, eta: 5:48:07, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1440, decode.acc_seg: 93.9312, aux.loss_ce: 0.0839, aux.acc_seg: 91.3178, loss: 0.2279, grad_norm: 2.3654 2023-02-19 14:37:58,021 - mmseg - INFO - Iter [103350/160000] lr: 2.124e-05, eta: 5:47:48, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1367, decode.acc_seg: 94.2534, aux.loss_ce: 0.0814, aux.acc_seg: 91.6458, loss: 0.2182, grad_norm: 2.0826 2023-02-19 14:38:16,187 - mmseg - INFO - Iter [103400/160000] lr: 2.123e-05, eta: 5:47:30, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.3116, aux.loss_ce: 0.0826, aux.acc_seg: 91.4786, loss: 0.2202, grad_norm: 2.7391 2023-02-19 14:38:34,281 - mmseg - INFO - Iter [103450/160000] lr: 2.121e-05, eta: 5:47:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.2280, aux.loss_ce: 0.0822, aux.acc_seg: 91.4978, loss: 0.2197, grad_norm: 2.2961 2023-02-19 14:38:52,335 - mmseg - INFO - Iter [103500/160000] lr: 2.119e-05, eta: 5:46:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1404, decode.acc_seg: 94.1873, aux.loss_ce: 0.0863, aux.acc_seg: 91.2670, loss: 0.2267, grad_norm: 2.2716 2023-02-19 14:39:10,349 - mmseg - INFO - Iter [103550/160000] lr: 2.117e-05, eta: 5:46:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1370, decode.acc_seg: 94.4095, aux.loss_ce: 0.0844, aux.acc_seg: 91.5127, loss: 0.2214, grad_norm: 2.2826 2023-02-19 14:39:30,569 - mmseg - INFO - Iter [103600/160000] lr: 2.115e-05, eta: 5:46:16, time: 0.404, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1314, decode.acc_seg: 94.2671, aux.loss_ce: 0.0800, aux.acc_seg: 91.4336, loss: 0.2115, grad_norm: 1.8460 2023-02-19 14:39:49,815 - mmseg - INFO - Iter [103650/160000] lr: 2.113e-05, eta: 5:45:58, time: 0.385, data_time: 0.008, memory: 20662, decode.loss_ce: 0.1363, decode.acc_seg: 94.2152, aux.loss_ce: 0.0799, aux.acc_seg: 91.5312, loss: 0.2162, grad_norm: 2.5346 2023-02-19 14:40:08,560 - mmseg - INFO - Iter [103700/160000] lr: 2.111e-05, eta: 5:45:40, time: 0.375, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1420, decode.acc_seg: 94.1191, aux.loss_ce: 0.0825, aux.acc_seg: 91.5016, loss: 0.2245, grad_norm: 2.8695 2023-02-19 14:40:26,824 - mmseg - INFO - Iter [103750/160000] lr: 2.109e-05, eta: 5:45:22, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1285, decode.acc_seg: 94.5563, aux.loss_ce: 0.0778, aux.acc_seg: 91.8473, loss: 0.2063, grad_norm: 2.2305 2023-02-19 14:40:44,838 - mmseg - INFO - Iter [103800/160000] lr: 2.108e-05, eta: 5:45:03, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1475, decode.acc_seg: 93.9707, aux.loss_ce: 0.0866, aux.acc_seg: 91.2873, loss: 0.2342, grad_norm: 2.3758 2023-02-19 14:41:02,841 - mmseg - INFO - Iter [103850/160000] lr: 2.106e-05, eta: 5:44:44, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.4472, aux.loss_ce: 0.0805, aux.acc_seg: 91.6400, loss: 0.2109, grad_norm: 2.2034 2023-02-19 14:41:20,827 - mmseg - INFO - Iter [103900/160000] lr: 2.104e-05, eta: 5:44:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1319, decode.acc_seg: 94.3104, aux.loss_ce: 0.0798, aux.acc_seg: 91.5386, loss: 0.2117, grad_norm: 2.3402 2023-02-19 14:41:39,145 - mmseg - INFO - Iter [103950/160000] lr: 2.102e-05, eta: 5:44:07, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1360, decode.acc_seg: 94.1535, aux.loss_ce: 0.0838, aux.acc_seg: 91.2806, loss: 0.2198, grad_norm: 2.5656 2023-02-19 14:41:57,200 - mmseg - INFO - Saving checkpoint at 104000 iterations 2023-02-19 14:41:59,010 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:41:59,010 - mmseg - INFO - Iter [104000/160000] lr: 2.100e-05, eta: 5:43:50, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1433, decode.acc_seg: 93.9737, aux.loss_ce: 0.0820, aux.acc_seg: 91.4643, loss: 0.2253, grad_norm: 2.7250 2023-02-19 14:42:17,469 - mmseg - INFO - Iter [104050/160000] lr: 2.098e-05, eta: 5:43:31, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1329, decode.acc_seg: 94.3727, aux.loss_ce: 0.0783, aux.acc_seg: 91.9534, loss: 0.2112, grad_norm: 4.2857 2023-02-19 14:42:36,598 - mmseg - INFO - Iter [104100/160000] lr: 2.096e-05, eta: 5:43:13, time: 0.383, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1385, decode.acc_seg: 94.2400, aux.loss_ce: 0.0831, aux.acc_seg: 91.5954, loss: 0.2216, grad_norm: 2.6633 2023-02-19 14:42:54,559 - mmseg - INFO - Iter [104150/160000] lr: 2.094e-05, eta: 5:42:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1502, decode.acc_seg: 93.6902, aux.loss_ce: 0.0935, aux.acc_seg: 90.4821, loss: 0.2437, grad_norm: 3.0582 2023-02-19 14:43:12,649 - mmseg - INFO - Iter [104200/160000] lr: 2.093e-05, eta: 5:42:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1375, decode.acc_seg: 94.0364, aux.loss_ce: 0.0809, aux.acc_seg: 91.4587, loss: 0.2184, grad_norm: 2.7137 2023-02-19 14:43:30,613 - mmseg - INFO - Iter [104250/160000] lr: 2.091e-05, eta: 5:42:17, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1289, decode.acc_seg: 94.6415, aux.loss_ce: 0.0796, aux.acc_seg: 91.8974, loss: 0.2084, grad_norm: 2.4499 2023-02-19 14:43:48,663 - mmseg - INFO - Iter [104300/160000] lr: 2.089e-05, eta: 5:41:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1371, decode.acc_seg: 94.2857, aux.loss_ce: 0.0833, aux.acc_seg: 91.4304, loss: 0.2204, grad_norm: 2.0359 2023-02-19 14:44:06,660 - mmseg - INFO - Iter [104350/160000] lr: 2.087e-05, eta: 5:41:40, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1307, decode.acc_seg: 94.4514, aux.loss_ce: 0.0779, aux.acc_seg: 91.6804, loss: 0.2086, grad_norm: 2.1759 2023-02-19 14:44:24,687 - mmseg - INFO - Iter [104400/160000] lr: 2.085e-05, eta: 5:41:21, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1444, decode.acc_seg: 93.9341, aux.loss_ce: 0.0854, aux.acc_seg: 91.0999, loss: 0.2299, grad_norm: 2.5938 2023-02-19 14:44:42,726 - mmseg - INFO - Iter [104450/160000] lr: 2.083e-05, eta: 5:41:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1338, decode.acc_seg: 94.3048, aux.loss_ce: 0.0784, aux.acc_seg: 91.6033, loss: 0.2123, grad_norm: 2.3922 2023-02-19 14:45:00,848 - mmseg - INFO - Iter [104500/160000] lr: 2.081e-05, eta: 5:40:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1453, decode.acc_seg: 93.8560, aux.loss_ce: 0.0846, aux.acc_seg: 91.2748, loss: 0.2299, grad_norm: 2.7102 2023-02-19 14:45:19,180 - mmseg - INFO - Iter [104550/160000] lr: 2.079e-05, eta: 5:40:26, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1370, decode.acc_seg: 94.2675, aux.loss_ce: 0.0819, aux.acc_seg: 91.5164, loss: 0.2189, grad_norm: 2.8427 2023-02-19 14:45:37,318 - mmseg - INFO - Iter [104600/160000] lr: 2.078e-05, eta: 5:40:07, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1419, decode.acc_seg: 94.0887, aux.loss_ce: 0.0852, aux.acc_seg: 91.3745, loss: 0.2271, grad_norm: 2.2266 2023-02-19 14:45:55,415 - mmseg - INFO - Iter [104650/160000] lr: 2.076e-05, eta: 5:39:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1371, decode.acc_seg: 94.2496, aux.loss_ce: 0.0807, aux.acc_seg: 91.6368, loss: 0.2178, grad_norm: 2.3127 2023-02-19 14:46:13,500 - mmseg - INFO - Iter [104700/160000] lr: 2.074e-05, eta: 5:39:30, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1367, decode.acc_seg: 94.3725, aux.loss_ce: 0.0804, aux.acc_seg: 91.7973, loss: 0.2171, grad_norm: 3.3168 2023-02-19 14:46:31,543 - mmseg - INFO - Iter [104750/160000] lr: 2.072e-05, eta: 5:39:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1362, decode.acc_seg: 94.3247, aux.loss_ce: 0.0821, aux.acc_seg: 91.4885, loss: 0.2184, grad_norm: 2.1884 2023-02-19 14:46:49,821 - mmseg - INFO - Iter [104800/160000] lr: 2.070e-05, eta: 5:38:53, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1451, decode.acc_seg: 93.8285, aux.loss_ce: 0.0854, aux.acc_seg: 91.1054, loss: 0.2305, grad_norm: 2.4423 2023-02-19 14:47:10,164 - mmseg - INFO - Iter [104850/160000] lr: 2.068e-05, eta: 5:38:35, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1282, decode.acc_seg: 94.6832, aux.loss_ce: 0.0787, aux.acc_seg: 91.9016, loss: 0.2069, grad_norm: 2.0854 2023-02-19 14:47:28,555 - mmseg - INFO - Iter [104900/160000] lr: 2.066e-05, eta: 5:38:17, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1348, decode.acc_seg: 94.2978, aux.loss_ce: 0.0812, aux.acc_seg: 91.5685, loss: 0.2159, grad_norm: 2.1634 2023-02-19 14:47:46,582 - mmseg - INFO - Iter [104950/160000] lr: 2.064e-05, eta: 5:37:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1192, decode.acc_seg: 94.9665, aux.loss_ce: 0.0749, aux.acc_seg: 92.1353, loss: 0.1941, grad_norm: 2.2405 2023-02-19 14:48:04,619 - mmseg - INFO - Saving checkpoint at 105000 iterations 2023-02-19 14:48:06,448 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:48:06,448 - mmseg - INFO - Iter [105000/160000] lr: 2.063e-05, eta: 5:37:41, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1361, decode.acc_seg: 94.3796, aux.loss_ce: 0.0803, aux.acc_seg: 91.7590, loss: 0.2164, grad_norm: 2.1021 2023-02-19 14:48:24,549 - mmseg - INFO - Iter [105050/160000] lr: 2.061e-05, eta: 5:37:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1349, decode.acc_seg: 94.1907, aux.loss_ce: 0.0806, aux.acc_seg: 91.3793, loss: 0.2155, grad_norm: 2.7973 2023-02-19 14:48:42,730 - mmseg - INFO - Iter [105100/160000] lr: 2.059e-05, eta: 5:37:04, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1316, decode.acc_seg: 94.3911, aux.loss_ce: 0.0768, aux.acc_seg: 91.9283, loss: 0.2083, grad_norm: 2.2822 2023-02-19 14:49:00,911 - mmseg - INFO - Iter [105150/160000] lr: 2.057e-05, eta: 5:36:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1325, decode.acc_seg: 94.3766, aux.loss_ce: 0.0813, aux.acc_seg: 91.5923, loss: 0.2139, grad_norm: 2.1732 2023-02-19 14:49:18,983 - mmseg - INFO - Iter [105200/160000] lr: 2.055e-05, eta: 5:36:26, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1388, decode.acc_seg: 94.1387, aux.loss_ce: 0.0804, aux.acc_seg: 91.7270, loss: 0.2192, grad_norm: 2.1560 2023-02-19 14:49:37,039 - mmseg - INFO - Iter [105250/160000] lr: 2.053e-05, eta: 5:36:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1394, decode.acc_seg: 94.2673, aux.loss_ce: 0.0832, aux.acc_seg: 91.5499, loss: 0.2226, grad_norm: 2.3061 2023-02-19 14:49:55,103 - mmseg - INFO - Iter [105300/160000] lr: 2.051e-05, eta: 5:35:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.4376, aux.loss_ce: 0.0795, aux.acc_seg: 91.6384, loss: 0.2085, grad_norm: 2.6844 2023-02-19 14:50:13,684 - mmseg - INFO - Iter [105350/160000] lr: 2.049e-05, eta: 5:35:31, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1400, decode.acc_seg: 94.0962, aux.loss_ce: 0.0830, aux.acc_seg: 91.3631, loss: 0.2230, grad_norm: 3.5405 2023-02-19 14:50:31,925 - mmseg - INFO - Iter [105400/160000] lr: 2.048e-05, eta: 5:35:12, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1394, decode.acc_seg: 94.0360, aux.loss_ce: 0.0843, aux.acc_seg: 91.0500, loss: 0.2237, grad_norm: 2.2484 2023-02-19 14:50:49,986 - mmseg - INFO - Iter [105450/160000] lr: 2.046e-05, eta: 5:34:54, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1410, decode.acc_seg: 94.1255, aux.loss_ce: 0.0861, aux.acc_seg: 91.2311, loss: 0.2271, grad_norm: 2.6430 2023-02-19 14:51:08,003 - mmseg - INFO - Iter [105500/160000] lr: 2.044e-05, eta: 5:34:35, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1415, decode.acc_seg: 94.1381, aux.loss_ce: 0.0862, aux.acc_seg: 91.3355, loss: 0.2278, grad_norm: 2.3570 2023-02-19 14:51:26,297 - mmseg - INFO - Iter [105550/160000] lr: 2.042e-05, eta: 5:34:17, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1313, decode.acc_seg: 94.4634, aux.loss_ce: 0.0803, aux.acc_seg: 91.6268, loss: 0.2117, grad_norm: 2.2437 2023-02-19 14:51:44,269 - mmseg - INFO - Iter [105600/160000] lr: 2.040e-05, eta: 5:33:58, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1417, decode.acc_seg: 93.9598, aux.loss_ce: 0.0839, aux.acc_seg: 91.1926, loss: 0.2255, grad_norm: 2.3233 2023-02-19 14:52:02,543 - mmseg - INFO - Iter [105650/160000] lr: 2.038e-05, eta: 5:33:40, time: 0.365, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1367, decode.acc_seg: 94.3515, aux.loss_ce: 0.0849, aux.acc_seg: 91.3861, loss: 0.2216, grad_norm: 2.5631 2023-02-19 14:52:20,590 - mmseg - INFO - Iter [105700/160000] lr: 2.036e-05, eta: 5:33:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1311, decode.acc_seg: 94.3964, aux.loss_ce: 0.0776, aux.acc_seg: 91.8867, loss: 0.2087, grad_norm: 1.8606 2023-02-19 14:52:38,599 - mmseg - INFO - Iter [105750/160000] lr: 2.034e-05, eta: 5:33:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1280, decode.acc_seg: 94.4414, aux.loss_ce: 0.0795, aux.acc_seg: 91.5697, loss: 0.2075, grad_norm: 2.0520 2023-02-19 14:52:56,661 - mmseg - INFO - Iter [105800/160000] lr: 2.033e-05, eta: 5:32:44, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1391, decode.acc_seg: 94.2060, aux.loss_ce: 0.0841, aux.acc_seg: 91.3635, loss: 0.2233, grad_norm: 2.6079 2023-02-19 14:53:14,838 - mmseg - INFO - Iter [105850/160000] lr: 2.031e-05, eta: 5:32:25, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1339, decode.acc_seg: 94.4017, aux.loss_ce: 0.0781, aux.acc_seg: 91.8189, loss: 0.2120, grad_norm: 2.9758 2023-02-19 14:53:32,825 - mmseg - INFO - Iter [105900/160000] lr: 2.029e-05, eta: 5:32:07, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1351, decode.acc_seg: 94.2799, aux.loss_ce: 0.0799, aux.acc_seg: 91.6549, loss: 0.2151, grad_norm: 2.4761 2023-02-19 14:53:51,091 - mmseg - INFO - Iter [105950/160000] lr: 2.027e-05, eta: 5:31:48, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1403, decode.acc_seg: 94.1898, aux.loss_ce: 0.0825, aux.acc_seg: 91.4766, loss: 0.2228, grad_norm: 2.5252 2023-02-19 14:54:09,213 - mmseg - INFO - Saving checkpoint at 106000 iterations 2023-02-19 14:54:11,023 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 14:54:11,024 - mmseg - INFO - Iter [106000/160000] lr: 2.025e-05, eta: 5:31:30, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1267, decode.acc_seg: 94.6942, aux.loss_ce: 0.0740, aux.acc_seg: 92.3553, loss: 0.2007, grad_norm: 2.0932 2023-02-19 14:54:29,065 - mmseg - INFO - Iter [106050/160000] lr: 2.023e-05, eta: 5:31:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1347, decode.acc_seg: 94.2755, aux.loss_ce: 0.0834, aux.acc_seg: 91.3791, loss: 0.2181, grad_norm: 2.7613 2023-02-19 14:54:49,329 - mmseg - INFO - Iter [106100/160000] lr: 2.021e-05, eta: 5:30:54, time: 0.405, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1388, decode.acc_seg: 94.1652, aux.loss_ce: 0.0810, aux.acc_seg: 91.6549, loss: 0.2197, grad_norm: 2.1786 2023-02-19 14:55:07,664 - mmseg - INFO - Iter [106150/160000] lr: 2.019e-05, eta: 5:30:36, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1354, decode.acc_seg: 94.1926, aux.loss_ce: 0.0836, aux.acc_seg: 91.3405, loss: 0.2190, grad_norm: 2.3260 2023-02-19 14:55:25,662 - mmseg - INFO - Iter [106200/160000] lr: 2.018e-05, eta: 5:30:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.6519, aux.loss_ce: 0.0762, aux.acc_seg: 92.0262, loss: 0.2020, grad_norm: 2.0742 2023-02-19 14:55:43,940 - mmseg - INFO - Iter [106250/160000] lr: 2.016e-05, eta: 5:29:59, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1355, decode.acc_seg: 94.1992, aux.loss_ce: 0.0802, aux.acc_seg: 91.5859, loss: 0.2157, grad_norm: 2.2545 2023-02-19 14:56:01,856 - mmseg - INFO - Iter [106300/160000] lr: 2.014e-05, eta: 5:29:40, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1264, decode.acc_seg: 94.5983, aux.loss_ce: 0.0772, aux.acc_seg: 91.7068, loss: 0.2035, grad_norm: 2.1002 2023-02-19 14:56:20,388 - mmseg - INFO - Iter [106350/160000] lr: 2.012e-05, eta: 5:29:22, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1453, decode.acc_seg: 93.9940, aux.loss_ce: 0.0851, aux.acc_seg: 91.2888, loss: 0.2304, grad_norm: 2.9457 2023-02-19 14:56:38,407 - mmseg - INFO - Iter [106400/160000] lr: 2.010e-05, eta: 5:29:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.5310, aux.loss_ce: 0.0803, aux.acc_seg: 91.6947, loss: 0.2107, grad_norm: 2.3641 2023-02-19 14:56:56,499 - mmseg - INFO - Iter [106450/160000] lr: 2.008e-05, eta: 5:28:44, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.5030, aux.loss_ce: 0.0765, aux.acc_seg: 91.6531, loss: 0.2023, grad_norm: 2.4125 2023-02-19 14:57:14,512 - mmseg - INFO - Iter [106500/160000] lr: 2.006e-05, eta: 5:28:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1381, decode.acc_seg: 94.2553, aux.loss_ce: 0.0827, aux.acc_seg: 91.6289, loss: 0.2208, grad_norm: 2.6874 2023-02-19 14:57:32,702 - mmseg - INFO - Iter [106550/160000] lr: 2.004e-05, eta: 5:28:07, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1327, decode.acc_seg: 94.3210, aux.loss_ce: 0.0792, aux.acc_seg: 91.6866, loss: 0.2119, grad_norm: 2.5599 2023-02-19 14:57:50,800 - mmseg - INFO - Iter [106600/160000] lr: 2.003e-05, eta: 5:27:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1286, decode.acc_seg: 94.5880, aux.loss_ce: 0.0791, aux.acc_seg: 91.8817, loss: 0.2078, grad_norm: 2.7495 2023-02-19 14:58:09,015 - mmseg - INFO - Iter [106650/160000] lr: 2.001e-05, eta: 5:27:30, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.2353, aux.loss_ce: 0.0851, aux.acc_seg: 91.1895, loss: 0.2226, grad_norm: 2.1192 2023-02-19 14:58:27,292 - mmseg - INFO - Iter [106700/160000] lr: 1.999e-05, eta: 5:27:12, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1414, decode.acc_seg: 94.0910, aux.loss_ce: 0.0838, aux.acc_seg: 91.3407, loss: 0.2252, grad_norm: 2.6572 2023-02-19 14:58:45,538 - mmseg - INFO - Iter [106750/160000] lr: 1.997e-05, eta: 5:26:53, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1315, decode.acc_seg: 94.4703, aux.loss_ce: 0.0812, aux.acc_seg: 91.5861, loss: 0.2127, grad_norm: 2.4945 2023-02-19 14:59:04,031 - mmseg - INFO - Iter [106800/160000] lr: 1.995e-05, eta: 5:26:35, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1361, decode.acc_seg: 94.2313, aux.loss_ce: 0.0837, aux.acc_seg: 91.2858, loss: 0.2198, grad_norm: 2.8219 2023-02-19 14:59:22,116 - mmseg - INFO - Iter [106850/160000] lr: 1.993e-05, eta: 5:26:16, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1368, decode.acc_seg: 94.1774, aux.loss_ce: 0.0806, aux.acc_seg: 91.5551, loss: 0.2174, grad_norm: 1.9651 2023-02-19 14:59:40,478 - mmseg - INFO - Iter [106900/160000] lr: 1.991e-05, eta: 5:25:58, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1394, decode.acc_seg: 94.1383, aux.loss_ce: 0.0827, aux.acc_seg: 91.6363, loss: 0.2222, grad_norm: 2.5201 2023-02-19 14:59:58,565 - mmseg - INFO - Iter [106950/160000] lr: 1.989e-05, eta: 5:25:39, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1397, decode.acc_seg: 94.1011, aux.loss_ce: 0.0840, aux.acc_seg: 91.1919, loss: 0.2237, grad_norm: 2.3937 2023-02-19 15:00:16,654 - mmseg - INFO - Saving checkpoint at 107000 iterations 2023-02-19 15:00:18,411 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:00:18,411 - mmseg - INFO - Iter [107000/160000] lr: 1.988e-05, eta: 5:25:22, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1454, decode.acc_seg: 94.0538, aux.loss_ce: 0.0862, aux.acc_seg: 91.2867, loss: 0.2316, grad_norm: 2.7315 2023-02-19 15:00:36,627 - mmseg - INFO - Iter [107050/160000] lr: 1.986e-05, eta: 5:25:03, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1426, decode.acc_seg: 93.9388, aux.loss_ce: 0.0847, aux.acc_seg: 91.2508, loss: 0.2273, grad_norm: 2.6792 2023-02-19 15:00:56,070 - mmseg - INFO - Iter [107100/160000] lr: 1.984e-05, eta: 5:24:45, time: 0.389, data_time: 0.008, memory: 20662, decode.loss_ce: 0.1357, decode.acc_seg: 94.2018, aux.loss_ce: 0.0807, aux.acc_seg: 91.5140, loss: 0.2164, grad_norm: 2.3293 2023-02-19 15:01:14,604 - mmseg - INFO - Iter [107150/160000] lr: 1.982e-05, eta: 5:24:27, time: 0.371, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1378, decode.acc_seg: 94.0393, aux.loss_ce: 0.0816, aux.acc_seg: 91.3589, loss: 0.2194, grad_norm: 2.4683 2023-02-19 15:01:32,844 - mmseg - INFO - Iter [107200/160000] lr: 1.980e-05, eta: 5:24:08, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1376, decode.acc_seg: 94.1994, aux.loss_ce: 0.0821, aux.acc_seg: 91.4688, loss: 0.2197, grad_norm: 2.4535 2023-02-19 15:01:51,156 - mmseg - INFO - Iter [107250/160000] lr: 1.978e-05, eta: 5:23:50, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1497, decode.acc_seg: 93.8667, aux.loss_ce: 0.0896, aux.acc_seg: 91.0358, loss: 0.2393, grad_norm: 3.1538 2023-02-19 15:02:09,202 - mmseg - INFO - Iter [107300/160000] lr: 1.976e-05, eta: 5:23:31, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1269, decode.acc_seg: 94.6090, aux.loss_ce: 0.0767, aux.acc_seg: 91.9707, loss: 0.2035, grad_norm: 3.5383 2023-02-19 15:02:27,395 - mmseg - INFO - Iter [107350/160000] lr: 1.974e-05, eta: 5:23:13, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.4520, aux.loss_ce: 0.0824, aux.acc_seg: 91.6422, loss: 0.2114, grad_norm: 2.1823 2023-02-19 15:02:48,003 - mmseg - INFO - Iter [107400/160000] lr: 1.973e-05, eta: 5:22:55, time: 0.412, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1395, decode.acc_seg: 94.1093, aux.loss_ce: 0.0805, aux.acc_seg: 91.6164, loss: 0.2200, grad_norm: 2.3824 2023-02-19 15:03:06,026 - mmseg - INFO - Iter [107450/160000] lr: 1.971e-05, eta: 5:22:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1337, decode.acc_seg: 94.3486, aux.loss_ce: 0.0786, aux.acc_seg: 91.8459, loss: 0.2123, grad_norm: 1.8593 2023-02-19 15:03:24,097 - mmseg - INFO - Iter [107500/160000] lr: 1.969e-05, eta: 5:22:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1264, decode.acc_seg: 94.5528, aux.loss_ce: 0.0764, aux.acc_seg: 91.9276, loss: 0.2028, grad_norm: 2.0631 2023-02-19 15:03:42,122 - mmseg - INFO - Iter [107550/160000] lr: 1.967e-05, eta: 5:22:00, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1307, decode.acc_seg: 94.4062, aux.loss_ce: 0.0783, aux.acc_seg: 91.8509, loss: 0.2090, grad_norm: 2.4444 2023-02-19 15:04:00,110 - mmseg - INFO - Iter [107600/160000] lr: 1.965e-05, eta: 5:21:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1283, decode.acc_seg: 94.4558, aux.loss_ce: 0.0781, aux.acc_seg: 91.8489, loss: 0.2064, grad_norm: 2.4178 2023-02-19 15:04:18,529 - mmseg - INFO - Iter [107650/160000] lr: 1.963e-05, eta: 5:21:22, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1419, decode.acc_seg: 94.0343, aux.loss_ce: 0.0856, aux.acc_seg: 91.2711, loss: 0.2274, grad_norm: 2.6259 2023-02-19 15:04:36,576 - mmseg - INFO - Iter [107700/160000] lr: 1.961e-05, eta: 5:21:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1291, decode.acc_seg: 94.6095, aux.loss_ce: 0.0792, aux.acc_seg: 91.9557, loss: 0.2083, grad_norm: 2.2394 2023-02-19 15:04:54,995 - mmseg - INFO - Iter [107750/160000] lr: 1.959e-05, eta: 5:20:45, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1288, decode.acc_seg: 94.5741, aux.loss_ce: 0.0792, aux.acc_seg: 91.8710, loss: 0.2080, grad_norm: 2.5471 2023-02-19 15:05:13,294 - mmseg - INFO - Iter [107800/160000] lr: 1.958e-05, eta: 5:20:27, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1383, decode.acc_seg: 94.3164, aux.loss_ce: 0.0812, aux.acc_seg: 91.6781, loss: 0.2194, grad_norm: 2.3387 2023-02-19 15:05:31,453 - mmseg - INFO - Iter [107850/160000] lr: 1.956e-05, eta: 5:20:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1301, decode.acc_seg: 94.3105, aux.loss_ce: 0.0785, aux.acc_seg: 91.5861, loss: 0.2086, grad_norm: 2.1031 2023-02-19 15:05:49,588 - mmseg - INFO - Iter [107900/160000] lr: 1.954e-05, eta: 5:19:50, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1330, decode.acc_seg: 94.4423, aux.loss_ce: 0.0812, aux.acc_seg: 91.4223, loss: 0.2143, grad_norm: 2.4011 2023-02-19 15:06:07,807 - mmseg - INFO - Iter [107950/160000] lr: 1.952e-05, eta: 5:19:31, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1329, decode.acc_seg: 94.4434, aux.loss_ce: 0.0795, aux.acc_seg: 91.8596, loss: 0.2124, grad_norm: 2.4463 2023-02-19 15:06:26,037 - mmseg - INFO - Saving checkpoint at 108000 iterations 2023-02-19 15:06:28,011 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:06:28,011 - mmseg - INFO - Iter [108000/160000] lr: 1.950e-05, eta: 5:19:14, time: 0.404, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1270, decode.acc_seg: 94.6320, aux.loss_ce: 0.0784, aux.acc_seg: 91.7174, loss: 0.2054, grad_norm: 3.1903 2023-02-19 15:06:46,180 - mmseg - INFO - Iter [108050/160000] lr: 1.948e-05, eta: 5:18:55, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1276, decode.acc_seg: 94.5058, aux.loss_ce: 0.0805, aux.acc_seg: 91.5538, loss: 0.2080, grad_norm: 2.1714 2023-02-19 15:07:04,413 - mmseg - INFO - Iter [108100/160000] lr: 1.946e-05, eta: 5:18:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1373, decode.acc_seg: 94.2505, aux.loss_ce: 0.0823, aux.acc_seg: 91.5541, loss: 0.2197, grad_norm: 2.5112 2023-02-19 15:07:22,803 - mmseg - INFO - Iter [108150/160000] lr: 1.944e-05, eta: 5:18:18, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1281, decode.acc_seg: 94.5629, aux.loss_ce: 0.0787, aux.acc_seg: 91.8197, loss: 0.2067, grad_norm: 2.0865 2023-02-19 15:07:40,961 - mmseg - INFO - Iter [108200/160000] lr: 1.943e-05, eta: 5:18:00, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1344, decode.acc_seg: 94.3915, aux.loss_ce: 0.0827, aux.acc_seg: 91.4873, loss: 0.2172, grad_norm: 2.5093 2023-02-19 15:07:59,014 - mmseg - INFO - Iter [108250/160000] lr: 1.941e-05, eta: 5:17:41, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1341, decode.acc_seg: 94.3252, aux.loss_ce: 0.0813, aux.acc_seg: 91.5179, loss: 0.2154, grad_norm: 2.6698 2023-02-19 15:08:17,086 - mmseg - INFO - Iter [108300/160000] lr: 1.939e-05, eta: 5:17:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1353, decode.acc_seg: 94.3010, aux.loss_ce: 0.0799, aux.acc_seg: 91.7591, loss: 0.2151, grad_norm: 2.0696 2023-02-19 15:08:35,170 - mmseg - INFO - Iter [108350/160000] lr: 1.937e-05, eta: 5:17:04, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1322, decode.acc_seg: 94.3699, aux.loss_ce: 0.0804, aux.acc_seg: 91.6736, loss: 0.2127, grad_norm: 2.1844 2023-02-19 15:08:53,249 - mmseg - INFO - Iter [108400/160000] lr: 1.935e-05, eta: 5:16:45, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1391, decode.acc_seg: 94.0287, aux.loss_ce: 0.0853, aux.acc_seg: 91.0184, loss: 0.2245, grad_norm: 2.2195 2023-02-19 15:09:11,274 - mmseg - INFO - Iter [108450/160000] lr: 1.933e-05, eta: 5:16:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1458, decode.acc_seg: 93.8570, aux.loss_ce: 0.0841, aux.acc_seg: 91.2412, loss: 0.2299, grad_norm: 2.2395 2023-02-19 15:09:29,451 - mmseg - INFO - Iter [108500/160000] lr: 1.931e-05, eta: 5:16:08, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1359, decode.acc_seg: 94.2945, aux.loss_ce: 0.0801, aux.acc_seg: 91.6270, loss: 0.2160, grad_norm: 2.8787 2023-02-19 15:09:47,526 - mmseg - INFO - Iter [108550/160000] lr: 1.929e-05, eta: 5:15:50, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1337, decode.acc_seg: 94.3199, aux.loss_ce: 0.0786, aux.acc_seg: 91.7941, loss: 0.2124, grad_norm: 2.3900 2023-02-19 15:10:05,757 - mmseg - INFO - Iter [108600/160000] lr: 1.928e-05, eta: 5:15:31, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1351, decode.acc_seg: 94.2615, aux.loss_ce: 0.0820, aux.acc_seg: 91.5136, loss: 0.2171, grad_norm: 2.6215 2023-02-19 15:10:26,066 - mmseg - INFO - Iter [108650/160000] lr: 1.926e-05, eta: 5:15:14, time: 0.406, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1292, decode.acc_seg: 94.4158, aux.loss_ce: 0.0786, aux.acc_seg: 91.7756, loss: 0.2078, grad_norm: 2.1644 2023-02-19 15:10:44,291 - mmseg - INFO - Iter [108700/160000] lr: 1.924e-05, eta: 5:14:55, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1312, decode.acc_seg: 94.4032, aux.loss_ce: 0.0776, aux.acc_seg: 91.8023, loss: 0.2088, grad_norm: 2.2876 2023-02-19 15:11:02,403 - mmseg - INFO - Iter [108750/160000] lr: 1.922e-05, eta: 5:14:37, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1335, decode.acc_seg: 94.4826, aux.loss_ce: 0.0782, aux.acc_seg: 91.9408, loss: 0.2117, grad_norm: 2.1259 2023-02-19 15:11:20,438 - mmseg - INFO - Iter [108800/160000] lr: 1.920e-05, eta: 5:14:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1327, decode.acc_seg: 94.3219, aux.loss_ce: 0.0809, aux.acc_seg: 91.5531, loss: 0.2137, grad_norm: 2.8522 2023-02-19 15:11:38,511 - mmseg - INFO - Iter [108850/160000] lr: 1.918e-05, eta: 5:14:00, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1410, decode.acc_seg: 94.0924, aux.loss_ce: 0.0841, aux.acc_seg: 91.4418, loss: 0.2251, grad_norm: 2.7492 2023-02-19 15:11:57,077 - mmseg - INFO - Iter [108900/160000] lr: 1.916e-05, eta: 5:13:41, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1194, decode.acc_seg: 94.8922, aux.loss_ce: 0.0726, aux.acc_seg: 92.3006, loss: 0.1920, grad_norm: 1.8164 2023-02-19 15:12:15,301 - mmseg - INFO - Iter [108950/160000] lr: 1.914e-05, eta: 5:13:23, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1351, decode.acc_seg: 94.3569, aux.loss_ce: 0.0815, aux.acc_seg: 91.5617, loss: 0.2166, grad_norm: 2.3353 2023-02-19 15:12:33,522 - mmseg - INFO - Saving checkpoint at 109000 iterations 2023-02-19 15:12:35,326 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:12:35,326 - mmseg - INFO - Iter [109000/160000] lr: 1.913e-05, eta: 5:13:05, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1325, decode.acc_seg: 94.3164, aux.loss_ce: 0.0794, aux.acc_seg: 91.6067, loss: 0.2119, grad_norm: 2.3256 2023-02-19 15:12:53,435 - mmseg - INFO - Iter [109050/160000] lr: 1.911e-05, eta: 5:12:46, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1336, decode.acc_seg: 94.1820, aux.loss_ce: 0.0790, aux.acc_seg: 91.6282, loss: 0.2126, grad_norm: 3.1792 2023-02-19 15:13:11,517 - mmseg - INFO - Iter [109100/160000] lr: 1.909e-05, eta: 5:12:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1329, decode.acc_seg: 94.2382, aux.loss_ce: 0.0798, aux.acc_seg: 91.5219, loss: 0.2128, grad_norm: 2.4383 2023-02-19 15:13:29,647 - mmseg - INFO - Iter [109150/160000] lr: 1.907e-05, eta: 5:12:09, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1387, decode.acc_seg: 94.2298, aux.loss_ce: 0.0847, aux.acc_seg: 91.3677, loss: 0.2234, grad_norm: 2.1562 2023-02-19 15:13:47,815 - mmseg - INFO - Iter [109200/160000] lr: 1.905e-05, eta: 5:11:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1383, decode.acc_seg: 94.2591, aux.loss_ce: 0.0847, aux.acc_seg: 91.4187, loss: 0.2231, grad_norm: 3.7399 2023-02-19 15:14:05,989 - mmseg - INFO - Iter [109250/160000] lr: 1.903e-05, eta: 5:11:32, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1241, decode.acc_seg: 94.6976, aux.loss_ce: 0.0774, aux.acc_seg: 92.0331, loss: 0.2015, grad_norm: 2.2882 2023-02-19 15:14:24,110 - mmseg - INFO - Iter [109300/160000] lr: 1.901e-05, eta: 5:11:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1413, decode.acc_seg: 94.3402, aux.loss_ce: 0.0835, aux.acc_seg: 91.7718, loss: 0.2248, grad_norm: 3.0564 2023-02-19 15:14:42,130 - mmseg - INFO - Iter [109350/160000] lr: 1.899e-05, eta: 5:10:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1263, decode.acc_seg: 94.6628, aux.loss_ce: 0.0756, aux.acc_seg: 92.1082, loss: 0.2019, grad_norm: 2.2471 2023-02-19 15:15:00,331 - mmseg - INFO - Iter [109400/160000] lr: 1.898e-05, eta: 5:10:37, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1273, decode.acc_seg: 94.3930, aux.loss_ce: 0.0783, aux.acc_seg: 91.5641, loss: 0.2056, grad_norm: 2.0035 2023-02-19 15:15:18,361 - mmseg - INFO - Iter [109450/160000] lr: 1.896e-05, eta: 5:10:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1337, decode.acc_seg: 94.3416, aux.loss_ce: 0.0775, aux.acc_seg: 91.8762, loss: 0.2113, grad_norm: 2.6657 2023-02-19 15:15:36,769 - mmseg - INFO - Iter [109500/160000] lr: 1.894e-05, eta: 5:10:00, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1278, decode.acc_seg: 94.6008, aux.loss_ce: 0.0747, aux.acc_seg: 92.3093, loss: 0.2025, grad_norm: 1.9573 2023-02-19 15:15:54,808 - mmseg - INFO - Iter [109550/160000] lr: 1.892e-05, eta: 5:09:41, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1326, decode.acc_seg: 94.3610, aux.loss_ce: 0.0811, aux.acc_seg: 91.5419, loss: 0.2138, grad_norm: 2.6180 2023-02-19 15:16:13,265 - mmseg - INFO - Iter [109600/160000] lr: 1.890e-05, eta: 5:09:23, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1292, decode.acc_seg: 94.4779, aux.loss_ce: 0.0794, aux.acc_seg: 91.7250, loss: 0.2086, grad_norm: 2.7797 2023-02-19 15:16:31,712 - mmseg - INFO - Iter [109650/160000] lr: 1.888e-05, eta: 5:09:04, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1399, decode.acc_seg: 94.1355, aux.loss_ce: 0.0825, aux.acc_seg: 91.4185, loss: 0.2224, grad_norm: 3.3690 2023-02-19 15:16:49,975 - mmseg - INFO - Iter [109700/160000] lr: 1.886e-05, eta: 5:08:46, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1318, decode.acc_seg: 94.4927, aux.loss_ce: 0.0803, aux.acc_seg: 91.6869, loss: 0.2121, grad_norm: 2.1809 2023-02-19 15:17:08,512 - mmseg - INFO - Iter [109750/160000] lr: 1.884e-05, eta: 5:08:27, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1294, decode.acc_seg: 94.5154, aux.loss_ce: 0.0794, aux.acc_seg: 91.6967, loss: 0.2089, grad_norm: 3.2232 2023-02-19 15:17:26,746 - mmseg - INFO - Iter [109800/160000] lr: 1.883e-05, eta: 5:08:09, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.5933, aux.loss_ce: 0.0774, aux.acc_seg: 91.9799, loss: 0.2064, grad_norm: 2.2896 2023-02-19 15:17:45,065 - mmseg - INFO - Iter [109850/160000] lr: 1.881e-05, eta: 5:07:50, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1420, decode.acc_seg: 94.0759, aux.loss_ce: 0.0825, aux.acc_seg: 91.5400, loss: 0.2245, grad_norm: 3.7969 2023-02-19 15:18:05,437 - mmseg - INFO - Iter [109900/160000] lr: 1.879e-05, eta: 5:07:33, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1296, decode.acc_seg: 94.5099, aux.loss_ce: 0.0762, aux.acc_seg: 92.1309, loss: 0.2058, grad_norm: 2.2357 2023-02-19 15:18:23,519 - mmseg - INFO - Iter [109950/160000] lr: 1.877e-05, eta: 5:07:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1315, decode.acc_seg: 94.4679, aux.loss_ce: 0.0818, aux.acc_seg: 91.5256, loss: 0.2133, grad_norm: 2.7162 2023-02-19 15:18:41,552 - mmseg - INFO - Saving checkpoint at 110000 iterations 2023-02-19 15:18:43,408 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:18:43,408 - mmseg - INFO - Iter [110000/160000] lr: 1.875e-05, eta: 5:06:57, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1280, decode.acc_seg: 94.5614, aux.loss_ce: 0.0788, aux.acc_seg: 91.7344, loss: 0.2068, grad_norm: 2.2663 2023-02-19 15:19:01,444 - mmseg - INFO - Iter [110050/160000] lr: 1.873e-05, eta: 5:06:38, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1335, decode.acc_seg: 94.3923, aux.loss_ce: 0.0792, aux.acc_seg: 91.7180, loss: 0.2126, grad_norm: 2.6598 2023-02-19 15:19:19,554 - mmseg - INFO - Iter [110100/160000] lr: 1.871e-05, eta: 5:06:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.4978, aux.loss_ce: 0.0799, aux.acc_seg: 91.5208, loss: 0.2089, grad_norm: 2.1272 2023-02-19 15:19:37,567 - mmseg - INFO - Iter [110150/160000] lr: 1.869e-05, eta: 5:06:01, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1259, decode.acc_seg: 94.5110, aux.loss_ce: 0.0753, aux.acc_seg: 92.1116, loss: 0.2012, grad_norm: 2.4736 2023-02-19 15:19:55,659 - mmseg - INFO - Iter [110200/160000] lr: 1.868e-05, eta: 5:05:42, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1318, decode.acc_seg: 94.4342, aux.loss_ce: 0.0759, aux.acc_seg: 92.1119, loss: 0.2076, grad_norm: 3.1878 2023-02-19 15:20:13,816 - mmseg - INFO - Iter [110250/160000] lr: 1.866e-05, eta: 5:05:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1362, decode.acc_seg: 94.2591, aux.loss_ce: 0.0809, aux.acc_seg: 91.5405, loss: 0.2171, grad_norm: 1.9711 2023-02-19 15:20:32,114 - mmseg - INFO - Iter [110300/160000] lr: 1.864e-05, eta: 5:05:05, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1301, decode.acc_seg: 94.4978, aux.loss_ce: 0.0781, aux.acc_seg: 91.8979, loss: 0.2081, grad_norm: 2.0304 2023-02-19 15:20:50,389 - mmseg - INFO - Iter [110350/160000] lr: 1.862e-05, eta: 5:04:47, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1302, decode.acc_seg: 94.5780, aux.loss_ce: 0.0777, aux.acc_seg: 91.9125, loss: 0.2079, grad_norm: 2.2912 2023-02-19 15:21:08,403 - mmseg - INFO - Iter [110400/160000] lr: 1.860e-05, eta: 5:04:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1329, decode.acc_seg: 94.3348, aux.loss_ce: 0.0799, aux.acc_seg: 91.5732, loss: 0.2128, grad_norm: 2.3278 2023-02-19 15:21:26,467 - mmseg - INFO - Iter [110450/160000] lr: 1.858e-05, eta: 5:04:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1327, decode.acc_seg: 94.4124, aux.loss_ce: 0.0810, aux.acc_seg: 91.6282, loss: 0.2137, grad_norm: 2.4302 2023-02-19 15:21:44,549 - mmseg - INFO - Iter [110500/160000] lr: 1.856e-05, eta: 5:03:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1286, decode.acc_seg: 94.3595, aux.loss_ce: 0.0772, aux.acc_seg: 91.7084, loss: 0.2057, grad_norm: 1.7547 2023-02-19 15:22:02,921 - mmseg - INFO - Iter [110550/160000] lr: 1.854e-05, eta: 5:03:33, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1338, decode.acc_seg: 94.4267, aux.loss_ce: 0.0821, aux.acc_seg: 91.7033, loss: 0.2159, grad_norm: 2.5749 2023-02-19 15:22:20,981 - mmseg - INFO - Iter [110600/160000] lr: 1.853e-05, eta: 5:03:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1380, decode.acc_seg: 94.1209, aux.loss_ce: 0.0817, aux.acc_seg: 91.3578, loss: 0.2197, grad_norm: 2.9738 2023-02-19 15:22:39,586 - mmseg - INFO - Iter [110650/160000] lr: 1.851e-05, eta: 5:02:56, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1358, decode.acc_seg: 94.3426, aux.loss_ce: 0.0798, aux.acc_seg: 91.7902, loss: 0.2156, grad_norm: 2.6421 2023-02-19 15:22:57,637 - mmseg - INFO - Iter [110700/160000] lr: 1.849e-05, eta: 5:02:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1283, decode.acc_seg: 94.5844, aux.loss_ce: 0.0755, aux.acc_seg: 92.2012, loss: 0.2038, grad_norm: 1.9523 2023-02-19 15:23:15,757 - mmseg - INFO - Iter [110750/160000] lr: 1.847e-05, eta: 5:02:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1397, decode.acc_seg: 94.1691, aux.loss_ce: 0.0863, aux.acc_seg: 91.1954, loss: 0.2260, grad_norm: 2.7597 2023-02-19 15:23:33,856 - mmseg - INFO - Iter [110800/160000] lr: 1.845e-05, eta: 5:02:00, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1245, decode.acc_seg: 94.6173, aux.loss_ce: 0.0755, aux.acc_seg: 91.9162, loss: 0.2000, grad_norm: 2.0814 2023-02-19 15:23:51,945 - mmseg - INFO - Iter [110850/160000] lr: 1.843e-05, eta: 5:01:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1322, decode.acc_seg: 94.3618, aux.loss_ce: 0.0787, aux.acc_seg: 91.7996, loss: 0.2109, grad_norm: 2.3369 2023-02-19 15:24:10,063 - mmseg - INFO - Iter [110900/160000] lr: 1.841e-05, eta: 5:01:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1319, decode.acc_seg: 94.3775, aux.loss_ce: 0.0805, aux.acc_seg: 91.6262, loss: 0.2124, grad_norm: 2.5577 2023-02-19 15:24:28,231 - mmseg - INFO - Iter [110950/160000] lr: 1.839e-05, eta: 5:01:04, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1300, decode.acc_seg: 94.4142, aux.loss_ce: 0.0775, aux.acc_seg: 91.8859, loss: 0.2075, grad_norm: 2.4774 2023-02-19 15:24:46,299 - mmseg - INFO - Saving checkpoint at 111000 iterations 2023-02-19 15:24:48,081 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:24:48,081 - mmseg - INFO - Iter [111000/160000] lr: 1.838e-05, eta: 5:00:47, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1419, decode.acc_seg: 94.2052, aux.loss_ce: 0.0858, aux.acc_seg: 91.4330, loss: 0.2277, grad_norm: 4.4749 2023-02-19 15:25:06,458 - mmseg - INFO - Iter [111050/160000] lr: 1.836e-05, eta: 5:00:28, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1232, decode.acc_seg: 94.7918, aux.loss_ce: 0.0754, aux.acc_seg: 92.0543, loss: 0.1987, grad_norm: 2.2256 2023-02-19 15:25:24,536 - mmseg - INFO - Iter [111100/160000] lr: 1.834e-05, eta: 5:00:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1348, decode.acc_seg: 94.3537, aux.loss_ce: 0.0813, aux.acc_seg: 91.5735, loss: 0.2161, grad_norm: 3.0983 2023-02-19 15:25:44,913 - mmseg - INFO - Iter [111150/160000] lr: 1.832e-05, eta: 4:59:52, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1337, decode.acc_seg: 94.3096, aux.loss_ce: 0.0829, aux.acc_seg: 91.4131, loss: 0.2166, grad_norm: 2.4239 2023-02-19 15:26:02,989 - mmseg - INFO - Iter [111200/160000] lr: 1.830e-05, eta: 4:59:33, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1222, decode.acc_seg: 94.8093, aux.loss_ce: 0.0729, aux.acc_seg: 92.4613, loss: 0.1951, grad_norm: 2.0213 2023-02-19 15:26:21,322 - mmseg - INFO - Iter [111250/160000] lr: 1.828e-05, eta: 4:59:15, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1310, decode.acc_seg: 94.4593, aux.loss_ce: 0.0809, aux.acc_seg: 91.4723, loss: 0.2120, grad_norm: 2.8740 2023-02-19 15:26:39,398 - mmseg - INFO - Iter [111300/160000] lr: 1.826e-05, eta: 4:58:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1282, decode.acc_seg: 94.4633, aux.loss_ce: 0.0765, aux.acc_seg: 91.8817, loss: 0.2047, grad_norm: 2.0091 2023-02-19 15:26:57,918 - mmseg - INFO - Iter [111350/160000] lr: 1.824e-05, eta: 4:58:38, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1299, decode.acc_seg: 94.5887, aux.loss_ce: 0.0778, aux.acc_seg: 91.9678, loss: 0.2076, grad_norm: 2.5745 2023-02-19 15:27:16,355 - mmseg - INFO - Iter [111400/160000] lr: 1.823e-05, eta: 4:58:20, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1323, decode.acc_seg: 94.4402, aux.loss_ce: 0.0795, aux.acc_seg: 91.7689, loss: 0.2118, grad_norm: 1.8932 2023-02-19 15:27:34,394 - mmseg - INFO - Iter [111450/160000] lr: 1.821e-05, eta: 4:58:01, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1281, decode.acc_seg: 94.5271, aux.loss_ce: 0.0767, aux.acc_seg: 91.9671, loss: 0.2048, grad_norm: 2.1166 2023-02-19 15:27:52,403 - mmseg - INFO - Iter [111500/160000] lr: 1.819e-05, eta: 4:57:42, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1256, decode.acc_seg: 94.6063, aux.loss_ce: 0.0763, aux.acc_seg: 91.9548, loss: 0.2019, grad_norm: 2.6197 2023-02-19 15:28:10,407 - mmseg - INFO - Iter [111550/160000] lr: 1.817e-05, eta: 4:57:24, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1250, decode.acc_seg: 94.5516, aux.loss_ce: 0.0750, aux.acc_seg: 91.9580, loss: 0.2000, grad_norm: 2.7642 2023-02-19 15:28:28,515 - mmseg - INFO - Iter [111600/160000] lr: 1.815e-05, eta: 4:57:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1276, decode.acc_seg: 94.5155, aux.loss_ce: 0.0803, aux.acc_seg: 91.6114, loss: 0.2079, grad_norm: 1.9671 2023-02-19 15:28:46,602 - mmseg - INFO - Iter [111650/160000] lr: 1.813e-05, eta: 4:56:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1318, decode.acc_seg: 94.4998, aux.loss_ce: 0.0794, aux.acc_seg: 91.9283, loss: 0.2112, grad_norm: 2.7343 2023-02-19 15:29:04,609 - mmseg - INFO - Iter [111700/160000] lr: 1.811e-05, eta: 4:56:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1241, decode.acc_seg: 94.7062, aux.loss_ce: 0.0770, aux.acc_seg: 92.0944, loss: 0.2011, grad_norm: 2.0442 2023-02-19 15:29:22,566 - mmseg - INFO - Iter [111750/160000] lr: 1.809e-05, eta: 4:56:10, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1308, decode.acc_seg: 94.3620, aux.loss_ce: 0.0772, aux.acc_seg: 91.7793, loss: 0.2079, grad_norm: 2.4565 2023-02-19 15:29:40,764 - mmseg - INFO - Iter [111800/160000] lr: 1.808e-05, eta: 4:55:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1236, decode.acc_seg: 94.6475, aux.loss_ce: 0.0756, aux.acc_seg: 91.9833, loss: 0.1992, grad_norm: 1.7551 2023-02-19 15:29:58,825 - mmseg - INFO - Iter [111850/160000] lr: 1.806e-05, eta: 4:55:33, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1352, decode.acc_seg: 94.1877, aux.loss_ce: 0.0811, aux.acc_seg: 91.3938, loss: 0.2163, grad_norm: 2.1639 2023-02-19 15:30:16,893 - mmseg - INFO - Iter [111900/160000] lr: 1.804e-05, eta: 4:55:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1268, decode.acc_seg: 94.5729, aux.loss_ce: 0.0749, aux.acc_seg: 92.1457, loss: 0.2017, grad_norm: 1.8602 2023-02-19 15:30:35,040 - mmseg - INFO - Iter [111950/160000] lr: 1.802e-05, eta: 4:54:55, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1388, decode.acc_seg: 94.2011, aux.loss_ce: 0.0840, aux.acc_seg: 91.4319, loss: 0.2228, grad_norm: 3.1457 2023-02-19 15:30:53,103 - mmseg - INFO - Saving checkpoint at 112000 iterations 2023-02-19 15:30:54,882 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:30:54,882 - mmseg - INFO - Iter [112000/160000] lr: 1.800e-05, eta: 4:54:38, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1417, decode.acc_seg: 94.0740, aux.loss_ce: 0.0862, aux.acc_seg: 91.1672, loss: 0.2280, grad_norm: 2.4790 2023-02-19 15:31:22,373 - mmseg - INFO - per class results: 2023-02-19 15:31:22,378 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.11 | 86.87 | | building | 81.85 | 92.97 | | sky | 93.16 | 98.55 | | floor | 80.8 | 90.75 | | tree | 72.72 | 82.19 | | ceiling | 83.65 | 91.66 | | road | 82.28 | 91.6 | | bed | 87.26 | 96.13 | | windowpane | 62.72 | 77.58 | | grass | 64.09 | 78.26 | | cabinet | 65.02 | 77.28 | | sidewalk | 65.85 | 79.28 | | person | 79.17 | 94.0 | | earth | 35.17 | 51.44 | | door | 50.11 | 72.38 | | table | 61.93 | 76.14 | | mountain | 55.01 | 65.98 | | plant | 51.53 | 62.07 | | curtain | 74.33 | 86.42 | | chair | 58.02 | 73.47 | | car | 84.15 | 92.32 | | water | 48.59 | 62.45 | | painting | 76.32 | 89.76 | | sofa | 66.46 | 80.15 | | shelf | 44.5 | 64.11 | | house | 47.29 | 59.35 | | sea | 55.04 | 77.6 | | mirror | 68.49 | 74.69 | | rug | 63.09 | 70.48 | | field | 34.33 | 49.88 | | armchair | 42.27 | 61.18 | | seat | 62.78 | 78.77 | | fence | 45.51 | 64.98 | | desk | 50.64 | 60.28 | | rock | 39.26 | 60.67 | | wardrobe | 48.16 | 61.32 | | lamp | 61.62 | 79.87 | | bathtub | 78.75 | 85.6 | | railing | 35.75 | 48.86 | | cushion | 55.64 | 73.27 | | base | 24.78 | 32.38 | | box | 24.3 | 29.53 | | column | 44.02 | 62.34 | | signboard | 38.89 | 51.7 | | chest of drawers | 38.19 | 52.04 | | counter | 24.33 | 33.91 | | sand | 45.58 | 61.89 | | sink | 74.13 | 79.09 | | skyscraper | 47.34 | 59.8 | | fireplace | 74.25 | 90.86 | | refrigerator | 76.3 | 83.61 | | grandstand | 38.27 | 63.19 | | path | 23.4 | 39.14 | | stairs | 32.38 | 41.44 | | runway | 69.36 | 89.94 | | case | 39.1 | 52.53 | | pool table | 93.32 | 96.73 | | pillow | 48.96 | 54.65 | | screen door | 64.38 | 74.16 | | stairway | 30.75 | 36.72 | | river | 8.81 | 23.95 | | bridge | 62.55 | 71.53 | | bookcase | 43.15 | 65.41 | | blind | 40.28 | 46.51 | | coffee table | 56.44 | 84.63 | | toilet | 84.88 | 91.38 | | flower | 37.28 | 49.91 | | book | 42.29 | 52.29 | | hill | 10.03 | 18.17 | | bench | 47.58 | 55.76 | | countertop | 45.69 | 72.51 | | stove | 77.74 | 84.94 | | palm | 49.93 | 82.65 | | kitchen island | 35.23 | 65.54 | | computer | 69.11 | 81.81 | | swivel chair | 44.39 | 59.37 | | boat | 41.91 | 48.59 | | bar | 21.11 | 25.19 | | arcade machine | 41.84 | 44.21 | | hovel | 30.16 | 32.62 | | bus | 89.86 | 96.53 | | towel | 66.76 | 76.46 | | light | 54.79 | 61.04 | | truck | 40.22 | 50.89 | | tower | 17.86 | 24.69 | | chandelier | 63.76 | 91.35 | | awning | 29.12 | 45.36 | | streetlight | 27.8 | 46.06 | | booth | 57.19 | 60.55 | | television receiver | 68.05 | 76.19 | | airplane | 53.35 | 65.16 | | dirt track | 1.21 | 2.35 | | apparel | 30.02 | 49.3 | | pole | 24.33 | 43.6 | | land | 3.99 | 5.69 | | bannister | 7.66 | 9.0 | | escalator | 37.52 | 41.86 | | ottoman | 38.91 | 61.75 | | bottle | 35.05 | 57.62 | | buffet | 35.59 | 43.44 | | poster | 31.44 | 41.08 | | stage | 19.77 | 36.19 | | van | 43.66 | 63.47 | | ship | 63.86 | 95.49 | | fountain | 37.11 | 42.13 | | conveyer belt | 73.05 | 76.57 | | canopy | 30.1 | 47.37 | | washer | 72.34 | 73.51 | | plaything | 26.73 | 42.76 | | swimming pool | 40.68 | 65.57 | | stool | 38.12 | 61.2 | | barrel | 37.16 | 64.71 | | basket | 30.09 | 48.3 | | waterfall | 66.1 | 72.92 | | tent | 96.25 | 97.12 | | bag | 14.17 | 16.15 | | minibike | 65.33 | 77.51 | | cradle | 76.83 | 98.21 | | oven | 58.32 | 75.33 | | ball | 38.13 | 55.24 | | food | 45.25 | 48.05 | | step | 14.61 | 20.78 | | tank | 49.49 | 54.47 | | trade name | 31.86 | 39.73 | | microwave | 78.49 | 83.42 | | pot | 45.61 | 57.98 | | animal | 56.01 | 57.71 | | bicycle | 54.48 | 80.63 | | lake | 46.4 | 49.11 | | dishwasher | 60.65 | 74.89 | | screen | 60.5 | 90.13 | | blanket | 11.94 | 15.12 | | sculpture | 65.95 | 77.89 | | hood | 66.04 | 76.8 | | sconce | 44.59 | 61.22 | | vase | 35.97 | 54.66 | | traffic light | 35.84 | 47.37 | | tray | 4.45 | 5.48 | | ashcan | 36.57 | 53.97 | | fan | 64.78 | 82.36 | | pier | 55.43 | 85.35 | | crt screen | 10.31 | 20.35 | | plate | 57.52 | 74.95 | | monitor | 21.68 | 24.48 | | bulletin board | 34.11 | 51.12 | | shower | 0.06 | 0.13 | | radiator | 63.28 | 69.3 | | glass | 11.48 | 12.31 | | clock | 39.98 | 48.95 | | flag | 47.46 | 53.75 | +---------------------+-------+-------+ 2023-02-19 15:31:22,379 - mmseg - INFO - Summary: 2023-02-19 15:31:22,379 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 82.64 | 48.84 | 61.3 | +-------+-------+------+ 2023-02-19 15:31:24,066 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_112000.pth. 2023-02-19 15:31:24,066 - mmseg - INFO - Best mIoU is 0.4884 at 112000 iter. 2023-02-19 15:31:24,067 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:31:24,067 - mmseg - INFO - Iter(val) [500] aAcc: 0.8264, mIoU: 0.4884, mAcc: 0.6130, IoU.wall: 0.7711, IoU.building: 0.8185, IoU.sky: 0.9316, IoU.floor: 0.8080, IoU.tree: 0.7272, IoU.ceiling: 0.8365, IoU.road: 0.8228, IoU.bed : 0.8726, IoU.windowpane: 0.6272, IoU.grass: 0.6409, IoU.cabinet: 0.6502, IoU.sidewalk: 0.6585, IoU.person: 0.7917, IoU.earth: 0.3517, IoU.door: 0.5011, IoU.table: 0.6193, IoU.mountain: 0.5501, IoU.plant: 0.5153, IoU.curtain: 0.7433, IoU.chair: 0.5802, IoU.car: 0.8415, IoU.water: 0.4859, IoU.painting: 0.7632, IoU.sofa: 0.6646, IoU.shelf: 0.4450, IoU.house: 0.4729, IoU.sea: 0.5504, IoU.mirror: 0.6849, IoU.rug: 0.6309, IoU.field: 0.3433, IoU.armchair: 0.4227, IoU.seat: 0.6278, IoU.fence: 0.4551, IoU.desk: 0.5064, IoU.rock: 0.3926, IoU.wardrobe: 0.4816, IoU.lamp: 0.6162, IoU.bathtub: 0.7875, IoU.railing: 0.3575, IoU.cushion: 0.5564, IoU.base: 0.2478, IoU.box: 0.2430, IoU.column: 0.4402, IoU.signboard: 0.3889, IoU.chest of drawers: 0.3819, IoU.counter: 0.2433, IoU.sand: 0.4558, IoU.sink: 0.7413, IoU.skyscraper: 0.4734, IoU.fireplace: 0.7425, IoU.refrigerator: 0.7630, IoU.grandstand: 0.3827, IoU.path: 0.2340, IoU.stairs: 0.3238, IoU.runway: 0.6936, IoU.case: 0.3910, IoU.pool table: 0.9332, IoU.pillow: 0.4896, IoU.screen door: 0.6438, IoU.stairway: 0.3075, IoU.river: 0.0881, IoU.bridge: 0.6255, IoU.bookcase: 0.4315, IoU.blind: 0.4028, IoU.coffee table: 0.5644, IoU.toilet: 0.8488, IoU.flower: 0.3728, IoU.book: 0.4229, IoU.hill: 0.1003, IoU.bench: 0.4758, IoU.countertop: 0.4569, IoU.stove: 0.7774, IoU.palm: 0.4993, IoU.kitchen island: 0.3523, IoU.computer: 0.6911, IoU.swivel chair: 0.4439, IoU.boat: 0.4191, IoU.bar: 0.2111, IoU.arcade machine: 0.4184, IoU.hovel: 0.3016, IoU.bus: 0.8986, IoU.towel: 0.6676, IoU.light: 0.5479, IoU.truck: 0.4022, IoU.tower: 0.1786, IoU.chandelier: 0.6376, IoU.awning: 0.2912, IoU.streetlight: 0.2780, IoU.booth: 0.5719, IoU.television receiver: 0.6805, IoU.airplane: 0.5335, IoU.dirt track: 0.0121, IoU.apparel: 0.3002, IoU.pole: 0.2433, IoU.land: 0.0399, IoU.bannister: 0.0766, IoU.escalator: 0.3752, IoU.ottoman: 0.3891, IoU.bottle: 0.3505, IoU.buffet: 0.3559, IoU.poster: 0.3144, IoU.stage: 0.1977, IoU.van: 0.4366, IoU.ship: 0.6386, IoU.fountain: 0.3711, IoU.conveyer belt: 0.7305, IoU.canopy: 0.3010, IoU.washer: 0.7234, IoU.plaything: 0.2673, IoU.swimming pool: 0.4068, IoU.stool: 0.3812, IoU.barrel: 0.3716, IoU.basket: 0.3009, IoU.waterfall: 0.6610, IoU.tent: 0.9625, IoU.bag: 0.1417, IoU.minibike: 0.6533, IoU.cradle: 0.7683, IoU.oven: 0.5832, IoU.ball: 0.3813, IoU.food: 0.4525, IoU.step: 0.1461, IoU.tank: 0.4949, IoU.trade name: 0.3186, IoU.microwave: 0.7849, IoU.pot: 0.4561, IoU.animal: 0.5601, IoU.bicycle: 0.5448, IoU.lake: 0.4640, IoU.dishwasher: 0.6065, IoU.screen: 0.6050, IoU.blanket: 0.1194, IoU.sculpture: 0.6595, IoU.hood: 0.6604, IoU.sconce: 0.4459, IoU.vase: 0.3597, IoU.traffic light: 0.3584, IoU.tray: 0.0445, IoU.ashcan: 0.3657, IoU.fan: 0.6478, IoU.pier: 0.5543, IoU.crt screen: 0.1031, IoU.plate: 0.5752, IoU.monitor: 0.2168, IoU.bulletin board: 0.3411, IoU.shower: 0.0006, IoU.radiator: 0.6328, IoU.glass: 0.1148, IoU.clock: 0.3998, IoU.flag: 0.4746, Acc.wall: 0.8687, Acc.building: 0.9297, Acc.sky: 0.9855, Acc.floor: 0.9075, Acc.tree: 0.8219, Acc.ceiling: 0.9166, Acc.road: 0.9160, Acc.bed : 0.9613, Acc.windowpane: 0.7758, Acc.grass: 0.7826, Acc.cabinet: 0.7728, Acc.sidewalk: 0.7928, Acc.person: 0.9400, Acc.earth: 0.5144, Acc.door: 0.7238, Acc.table: 0.7614, Acc.mountain: 0.6598, Acc.plant: 0.6207, Acc.curtain: 0.8642, Acc.chair: 0.7347, Acc.car: 0.9232, Acc.water: 0.6245, Acc.painting: 0.8976, Acc.sofa: 0.8015, Acc.shelf: 0.6411, Acc.house: 0.5935, Acc.sea: 0.7760, Acc.mirror: 0.7469, Acc.rug: 0.7048, Acc.field: 0.4988, Acc.armchair: 0.6118, Acc.seat: 0.7877, Acc.fence: 0.6498, Acc.desk: 0.6028, Acc.rock: 0.6067, Acc.wardrobe: 0.6132, Acc.lamp: 0.7987, Acc.bathtub: 0.8560, Acc.railing: 0.4886, Acc.cushion: 0.7327, Acc.base: 0.3238, Acc.box: 0.2953, Acc.column: 0.6234, Acc.signboard: 0.5170, Acc.chest of drawers: 0.5204, Acc.counter: 0.3391, Acc.sand: 0.6189, Acc.sink: 0.7909, Acc.skyscraper: 0.5980, Acc.fireplace: 0.9086, Acc.refrigerator: 0.8361, Acc.grandstand: 0.6319, Acc.path: 0.3914, Acc.stairs: 0.4144, Acc.runway: 0.8994, Acc.case: 0.5253, Acc.pool table: 0.9673, Acc.pillow: 0.5465, Acc.screen door: 0.7416, Acc.stairway: 0.3672, Acc.river: 0.2395, Acc.bridge: 0.7153, Acc.bookcase: 0.6541, Acc.blind: 0.4651, Acc.coffee table: 0.8463, Acc.toilet: 0.9138, Acc.flower: 0.4991, Acc.book: 0.5229, Acc.hill: 0.1817, Acc.bench: 0.5576, Acc.countertop: 0.7251, Acc.stove: 0.8494, Acc.palm: 0.8265, Acc.kitchen island: 0.6554, Acc.computer: 0.8181, Acc.swivel chair: 0.5937, Acc.boat: 0.4859, Acc.bar: 0.2519, Acc.arcade machine: 0.4421, Acc.hovel: 0.3262, Acc.bus: 0.9653, Acc.towel: 0.7646, Acc.light: 0.6104, Acc.truck: 0.5089, Acc.tower: 0.2469, Acc.chandelier: 0.9135, Acc.awning: 0.4536, Acc.streetlight: 0.4606, Acc.booth: 0.6055, Acc.television receiver: 0.7619, Acc.airplane: 0.6516, Acc.dirt track: 0.0235, Acc.apparel: 0.4930, Acc.pole: 0.4360, Acc.land: 0.0569, Acc.bannister: 0.0900, Acc.escalator: 0.4186, Acc.ottoman: 0.6175, Acc.bottle: 0.5762, Acc.buffet: 0.4344, Acc.poster: 0.4108, Acc.stage: 0.3619, Acc.van: 0.6347, Acc.ship: 0.9549, Acc.fountain: 0.4213, Acc.conveyer belt: 0.7657, Acc.canopy: 0.4737, Acc.washer: 0.7351, Acc.plaything: 0.4276, Acc.swimming pool: 0.6557, Acc.stool: 0.6120, Acc.barrel: 0.6471, Acc.basket: 0.4830, Acc.waterfall: 0.7292, Acc.tent: 0.9712, Acc.bag: 0.1615, Acc.minibike: 0.7751, Acc.cradle: 0.9821, Acc.oven: 0.7533, Acc.ball: 0.5524, Acc.food: 0.4805, Acc.step: 0.2078, Acc.tank: 0.5447, Acc.trade name: 0.3973, Acc.microwave: 0.8342, Acc.pot: 0.5798, Acc.animal: 0.5771, Acc.bicycle: 0.8063, Acc.lake: 0.4911, Acc.dishwasher: 0.7489, Acc.screen: 0.9013, Acc.blanket: 0.1512, Acc.sculpture: 0.7789, Acc.hood: 0.7680, Acc.sconce: 0.6122, Acc.vase: 0.5466, Acc.traffic light: 0.4737, Acc.tray: 0.0548, Acc.ashcan: 0.5397, Acc.fan: 0.8236, Acc.pier: 0.8535, Acc.crt screen: 0.2035, Acc.plate: 0.7495, Acc.monitor: 0.2448, Acc.bulletin board: 0.5112, Acc.shower: 0.0013, Acc.radiator: 0.6930, Acc.glass: 0.1231, Acc.clock: 0.4895, Acc.flag: 0.5375 2023-02-19 15:31:42,185 - mmseg - INFO - Iter [112050/160000] lr: 1.798e-05, eta: 4:54:32, time: 0.946, data_time: 0.590, memory: 20662, decode.loss_ce: 0.1418, decode.acc_seg: 94.1226, aux.loss_ce: 0.0836, aux.acc_seg: 91.3768, loss: 0.2253, grad_norm: 3.8103 2023-02-19 15:32:00,517 - mmseg - INFO - Iter [112100/160000] lr: 1.796e-05, eta: 4:54:13, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1229, decode.acc_seg: 94.7794, aux.loss_ce: 0.0758, aux.acc_seg: 92.0582, loss: 0.1988, grad_norm: 2.0556 2023-02-19 15:32:18,529 - mmseg - INFO - Iter [112150/160000] lr: 1.794e-05, eta: 4:53:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1297, decode.acc_seg: 94.5000, aux.loss_ce: 0.0773, aux.acc_seg: 92.0142, loss: 0.2070, grad_norm: 2.6068 2023-02-19 15:32:36,860 - mmseg - INFO - Iter [112200/160000] lr: 1.793e-05, eta: 4:53:36, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1355, decode.acc_seg: 94.3196, aux.loss_ce: 0.0822, aux.acc_seg: 91.6091, loss: 0.2178, grad_norm: 2.9406 2023-02-19 15:32:54,930 - mmseg - INFO - Iter [112250/160000] lr: 1.791e-05, eta: 4:53:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1259, decode.acc_seg: 94.5412, aux.loss_ce: 0.0748, aux.acc_seg: 92.0755, loss: 0.2007, grad_norm: 1.9887 2023-02-19 15:33:12,922 - mmseg - INFO - Iter [112300/160000] lr: 1.789e-05, eta: 4:52:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1261, decode.acc_seg: 94.6918, aux.loss_ce: 0.0753, aux.acc_seg: 92.1164, loss: 0.2014, grad_norm: 2.5245 2023-02-19 15:33:31,228 - mmseg - INFO - Iter [112350/160000] lr: 1.787e-05, eta: 4:52:40, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1350, decode.acc_seg: 94.3544, aux.loss_ce: 0.0815, aux.acc_seg: 91.6215, loss: 0.2165, grad_norm: 2.4597 2023-02-19 15:33:49,361 - mmseg - INFO - Iter [112400/160000] lr: 1.785e-05, eta: 4:52:22, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1358, decode.acc_seg: 94.2885, aux.loss_ce: 0.0800, aux.acc_seg: 91.5720, loss: 0.2158, grad_norm: 2.4690 2023-02-19 15:34:09,614 - mmseg - INFO - Iter [112450/160000] lr: 1.783e-05, eta: 4:52:04, time: 0.405, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.6119, aux.loss_ce: 0.0759, aux.acc_seg: 91.9056, loss: 0.1991, grad_norm: 1.8912 2023-02-19 15:34:27,804 - mmseg - INFO - Iter [112500/160000] lr: 1.781e-05, eta: 4:51:46, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1253, decode.acc_seg: 94.6806, aux.loss_ce: 0.0749, aux.acc_seg: 92.2167, loss: 0.2002, grad_norm: 2.2023 2023-02-19 15:34:45,782 - mmseg - INFO - Iter [112550/160000] lr: 1.779e-05, eta: 4:51:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1286, decode.acc_seg: 94.5964, aux.loss_ce: 0.0785, aux.acc_seg: 91.9118, loss: 0.2070, grad_norm: 2.0708 2023-02-19 15:35:03,754 - mmseg - INFO - Iter [112600/160000] lr: 1.778e-05, eta: 4:51:08, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1280, decode.acc_seg: 94.6138, aux.loss_ce: 0.0775, aux.acc_seg: 91.9992, loss: 0.2055, grad_norm: 2.0620 2023-02-19 15:35:21,842 - mmseg - INFO - Iter [112650/160000] lr: 1.776e-05, eta: 4:50:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1336, decode.acc_seg: 94.3967, aux.loss_ce: 0.0819, aux.acc_seg: 91.6474, loss: 0.2156, grad_norm: 1.8694 2023-02-19 15:35:39,797 - mmseg - INFO - Iter [112700/160000] lr: 1.774e-05, eta: 4:50:31, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1325, decode.acc_seg: 94.4291, aux.loss_ce: 0.0784, aux.acc_seg: 91.8271, loss: 0.2110, grad_norm: 2.1516 2023-02-19 15:35:57,782 - mmseg - INFO - Iter [112750/160000] lr: 1.772e-05, eta: 4:50:13, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1263, decode.acc_seg: 94.7890, aux.loss_ce: 0.0749, aux.acc_seg: 92.3635, loss: 0.2011, grad_norm: 2.0584 2023-02-19 15:36:15,732 - mmseg - INFO - Iter [112800/160000] lr: 1.770e-05, eta: 4:49:54, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1375, decode.acc_seg: 94.1825, aux.loss_ce: 0.0795, aux.acc_seg: 91.5495, loss: 0.2171, grad_norm: 3.8044 2023-02-19 15:36:33,676 - mmseg - INFO - Iter [112850/160000] lr: 1.768e-05, eta: 4:49:35, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1266, decode.acc_seg: 94.6485, aux.loss_ce: 0.0784, aux.acc_seg: 91.8953, loss: 0.2050, grad_norm: 2.1067 2023-02-19 15:36:51,718 - mmseg - INFO - Iter [112900/160000] lr: 1.766e-05, eta: 4:49:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1250, decode.acc_seg: 94.6157, aux.loss_ce: 0.0769, aux.acc_seg: 91.8752, loss: 0.2019, grad_norm: 3.1348 2023-02-19 15:37:10,311 - mmseg - INFO - Iter [112950/160000] lr: 1.764e-05, eta: 4:48:58, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.4683, aux.loss_ce: 0.0791, aux.acc_seg: 91.8091, loss: 0.2095, grad_norm: 2.0374 2023-02-19 15:37:28,281 - mmseg - INFO - Saving checkpoint at 113000 iterations 2023-02-19 15:37:30,015 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:37:30,015 - mmseg - INFO - Iter [113000/160000] lr: 1.763e-05, eta: 4:48:40, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1255, decode.acc_seg: 94.6646, aux.loss_ce: 0.0756, aux.acc_seg: 92.1046, loss: 0.2011, grad_norm: 1.9579 2023-02-19 15:37:48,031 - mmseg - INFO - Iter [113050/160000] lr: 1.761e-05, eta: 4:48:22, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1309, decode.acc_seg: 94.4233, aux.loss_ce: 0.0784, aux.acc_seg: 91.7905, loss: 0.2093, grad_norm: 2.5358 2023-02-19 15:38:06,142 - mmseg - INFO - Iter [113100/160000] lr: 1.759e-05, eta: 4:48:03, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1327, decode.acc_seg: 94.4095, aux.loss_ce: 0.0795, aux.acc_seg: 91.6981, loss: 0.2122, grad_norm: 2.7259 2023-02-19 15:38:24,183 - mmseg - INFO - Iter [113150/160000] lr: 1.757e-05, eta: 4:47:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1346, decode.acc_seg: 94.2386, aux.loss_ce: 0.0775, aux.acc_seg: 91.7885, loss: 0.2120, grad_norm: 3.2396 2023-02-19 15:38:42,401 - mmseg - INFO - Iter [113200/160000] lr: 1.755e-05, eta: 4:47:26, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1311, decode.acc_seg: 94.4520, aux.loss_ce: 0.0787, aux.acc_seg: 91.8482, loss: 0.2097, grad_norm: 2.6554 2023-02-19 15:39:00,634 - mmseg - INFO - Iter [113250/160000] lr: 1.753e-05, eta: 4:47:08, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1250, decode.acc_seg: 94.6572, aux.loss_ce: 0.0777, aux.acc_seg: 91.8401, loss: 0.2026, grad_norm: 2.8928 2023-02-19 15:39:18,795 - mmseg - INFO - Iter [113300/160000] lr: 1.751e-05, eta: 4:46:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1348, decode.acc_seg: 94.4332, aux.loss_ce: 0.0826, aux.acc_seg: 91.6240, loss: 0.2174, grad_norm: 2.7337 2023-02-19 15:39:36,859 - mmseg - INFO - Iter [113350/160000] lr: 1.749e-05, eta: 4:46:31, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1281, decode.acc_seg: 94.5851, aux.loss_ce: 0.0765, aux.acc_seg: 92.0681, loss: 0.2046, grad_norm: 2.6630 2023-02-19 15:39:54,891 - mmseg - INFO - Iter [113400/160000] lr: 1.748e-05, eta: 4:46:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1370, decode.acc_seg: 94.3342, aux.loss_ce: 0.0808, aux.acc_seg: 91.7023, loss: 0.2178, grad_norm: 2.2470 2023-02-19 15:40:13,100 - mmseg - INFO - Iter [113450/160000] lr: 1.746e-05, eta: 4:45:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1301, decode.acc_seg: 94.5127, aux.loss_ce: 0.0785, aux.acc_seg: 91.9624, loss: 0.2086, grad_norm: 3.2049 2023-02-19 15:40:31,180 - mmseg - INFO - Iter [113500/160000] lr: 1.744e-05, eta: 4:45:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1333, decode.acc_seg: 94.3852, aux.loss_ce: 0.0808, aux.acc_seg: 91.6495, loss: 0.2141, grad_norm: 2.1768 2023-02-19 15:40:49,370 - mmseg - INFO - Iter [113550/160000] lr: 1.742e-05, eta: 4:45:16, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1295, decode.acc_seg: 94.7485, aux.loss_ce: 0.0791, aux.acc_seg: 91.9651, loss: 0.2086, grad_norm: 2.7017 2023-02-19 15:41:07,533 - mmseg - INFO - Iter [113600/160000] lr: 1.740e-05, eta: 4:44:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1323, decode.acc_seg: 94.4705, aux.loss_ce: 0.0807, aux.acc_seg: 91.6996, loss: 0.2130, grad_norm: 1.9919 2023-02-19 15:41:25,857 - mmseg - INFO - Iter [113650/160000] lr: 1.738e-05, eta: 4:44:39, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1265, decode.acc_seg: 94.5551, aux.loss_ce: 0.0737, aux.acc_seg: 92.2719, loss: 0.2002, grad_norm: 1.9150 2023-02-19 15:41:46,259 - mmseg - INFO - Iter [113700/160000] lr: 1.736e-05, eta: 4:44:22, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1279, decode.acc_seg: 94.6210, aux.loss_ce: 0.0771, aux.acc_seg: 91.9547, loss: 0.2050, grad_norm: 2.0557 2023-02-19 15:42:04,462 - mmseg - INFO - Iter [113750/160000] lr: 1.734e-05, eta: 4:44:03, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1295, decode.acc_seg: 94.5634, aux.loss_ce: 0.0772, aux.acc_seg: 92.0347, loss: 0.2067, grad_norm: 2.5028 2023-02-19 15:42:23,006 - mmseg - INFO - Iter [113800/160000] lr: 1.733e-05, eta: 4:43:45, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1298, decode.acc_seg: 94.5032, aux.loss_ce: 0.0786, aux.acc_seg: 91.7558, loss: 0.2085, grad_norm: 2.2552 2023-02-19 15:42:41,179 - mmseg - INFO - Iter [113850/160000] lr: 1.731e-05, eta: 4:43:26, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1239, decode.acc_seg: 94.7797, aux.loss_ce: 0.0750, aux.acc_seg: 92.1573, loss: 0.1989, grad_norm: 2.2536 2023-02-19 15:42:59,306 - mmseg - INFO - Iter [113900/160000] lr: 1.729e-05, eta: 4:43:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1366, decode.acc_seg: 94.2684, aux.loss_ce: 0.0809, aux.acc_seg: 91.5897, loss: 0.2175, grad_norm: 2.5439 2023-02-19 15:43:17,347 - mmseg - INFO - Iter [113950/160000] lr: 1.727e-05, eta: 4:42:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1243, decode.acc_seg: 94.6897, aux.loss_ce: 0.0736, aux.acc_seg: 92.3082, loss: 0.1978, grad_norm: 2.5080 2023-02-19 15:43:35,521 - mmseg - INFO - Saving checkpoint at 114000 iterations 2023-02-19 15:43:37,451 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:43:37,451 - mmseg - INFO - Iter [114000/160000] lr: 1.725e-05, eta: 4:42:32, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.4761, aux.loss_ce: 0.0782, aux.acc_seg: 91.8340, loss: 0.2085, grad_norm: 2.4486 2023-02-19 15:43:55,585 - mmseg - INFO - Iter [114050/160000] lr: 1.723e-05, eta: 4:42:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1339, decode.acc_seg: 94.4310, aux.loss_ce: 0.0835, aux.acc_seg: 91.5464, loss: 0.2174, grad_norm: 2.7235 2023-02-19 15:44:13,810 - mmseg - INFO - Iter [114100/160000] lr: 1.721e-05, eta: 4:41:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1332, decode.acc_seg: 94.3386, aux.loss_ce: 0.0787, aux.acc_seg: 91.8227, loss: 0.2119, grad_norm: 2.0631 2023-02-19 15:44:31,887 - mmseg - INFO - Iter [114150/160000] lr: 1.719e-05, eta: 4:41:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1295, decode.acc_seg: 94.6095, aux.loss_ce: 0.0811, aux.acc_seg: 91.8015, loss: 0.2105, grad_norm: 2.2769 2023-02-19 15:44:50,537 - mmseg - INFO - Iter [114200/160000] lr: 1.718e-05, eta: 4:41:18, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1411, decode.acc_seg: 94.1670, aux.loss_ce: 0.0835, aux.acc_seg: 91.5028, loss: 0.2245, grad_norm: 2.8936 2023-02-19 15:45:09,171 - mmseg - INFO - Iter [114250/160000] lr: 1.716e-05, eta: 4:40:59, time: 0.373, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1368, decode.acc_seg: 94.1723, aux.loss_ce: 0.0817, aux.acc_seg: 91.3357, loss: 0.2185, grad_norm: 2.7872 2023-02-19 15:45:27,391 - mmseg - INFO - Iter [114300/160000] lr: 1.714e-05, eta: 4:40:41, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1322, decode.acc_seg: 94.2308, aux.loss_ce: 0.0804, aux.acc_seg: 91.6047, loss: 0.2127, grad_norm: 6.3195 2023-02-19 15:45:45,655 - mmseg - INFO - Iter [114350/160000] lr: 1.712e-05, eta: 4:40:22, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1388, decode.acc_seg: 94.2261, aux.loss_ce: 0.0814, aux.acc_seg: 91.6787, loss: 0.2203, grad_norm: 2.7777 2023-02-19 15:46:03,896 - mmseg - INFO - Iter [114400/160000] lr: 1.710e-05, eta: 4:40:04, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1271, decode.acc_seg: 94.4687, aux.loss_ce: 0.0745, aux.acc_seg: 91.9816, loss: 0.2016, grad_norm: 2.3594 2023-02-19 15:46:21,968 - mmseg - INFO - Iter [114450/160000] lr: 1.708e-05, eta: 4:39:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1268, decode.acc_seg: 94.4117, aux.loss_ce: 0.0738, aux.acc_seg: 91.9959, loss: 0.2006, grad_norm: 2.1766 2023-02-19 15:46:40,140 - mmseg - INFO - Iter [114500/160000] lr: 1.706e-05, eta: 4:39:27, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1301, decode.acc_seg: 94.7697, aux.loss_ce: 0.0770, aux.acc_seg: 92.2990, loss: 0.2071, grad_norm: 2.3491 2023-02-19 15:46:58,333 - mmseg - INFO - Iter [114550/160000] lr: 1.704e-05, eta: 4:39:08, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1273, decode.acc_seg: 94.6332, aux.loss_ce: 0.0778, aux.acc_seg: 91.8565, loss: 0.2051, grad_norm: 2.8234 2023-02-19 15:47:16,644 - mmseg - INFO - Iter [114600/160000] lr: 1.703e-05, eta: 4:38:50, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1315, decode.acc_seg: 94.2603, aux.loss_ce: 0.0793, aux.acc_seg: 91.6671, loss: 0.2109, grad_norm: 2.4060 2023-02-19 15:47:34,725 - mmseg - INFO - Iter [114650/160000] lr: 1.701e-05, eta: 4:38:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1357, decode.acc_seg: 94.3302, aux.loss_ce: 0.0809, aux.acc_seg: 91.5932, loss: 0.2166, grad_norm: 3.0614 2023-02-19 15:47:52,888 - mmseg - INFO - Iter [114700/160000] lr: 1.699e-05, eta: 4:38:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1285, decode.acc_seg: 94.6356, aux.loss_ce: 0.0773, aux.acc_seg: 91.9986, loss: 0.2058, grad_norm: 3.2681 2023-02-19 15:48:10,940 - mmseg - INFO - Iter [114750/160000] lr: 1.697e-05, eta: 4:37:54, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1324, decode.acc_seg: 94.4219, aux.loss_ce: 0.0797, aux.acc_seg: 91.7495, loss: 0.2121, grad_norm: 2.5544 2023-02-19 15:48:29,035 - mmseg - INFO - Iter [114800/160000] lr: 1.695e-05, eta: 4:37:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1268, decode.acc_seg: 94.5191, aux.loss_ce: 0.0771, aux.acc_seg: 91.9312, loss: 0.2039, grad_norm: 1.8773 2023-02-19 15:48:47,504 - mmseg - INFO - Iter [114850/160000] lr: 1.693e-05, eta: 4:37:17, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1317, decode.acc_seg: 94.3358, aux.loss_ce: 0.0804, aux.acc_seg: 91.5122, loss: 0.2121, grad_norm: 2.6097 2023-02-19 15:49:05,615 - mmseg - INFO - Iter [114900/160000] lr: 1.691e-05, eta: 4:36:58, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1296, decode.acc_seg: 94.6136, aux.loss_ce: 0.0780, aux.acc_seg: 91.8946, loss: 0.2076, grad_norm: 2.5995 2023-02-19 15:49:26,000 - mmseg - INFO - Iter [114950/160000] lr: 1.689e-05, eta: 4:36:41, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.7448, aux.loss_ce: 0.0752, aux.acc_seg: 92.2997, loss: 0.2010, grad_norm: 2.3598 2023-02-19 15:49:44,235 - mmseg - INFO - Saving checkpoint at 115000 iterations 2023-02-19 15:49:46,029 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:49:46,029 - mmseg - INFO - Iter [115000/160000] lr: 1.688e-05, eta: 4:36:23, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.5939, aux.loss_ce: 0.0776, aux.acc_seg: 91.9826, loss: 0.2066, grad_norm: 2.7284 2023-02-19 15:50:04,127 - mmseg - INFO - Iter [115050/160000] lr: 1.686e-05, eta: 4:36:04, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1303, decode.acc_seg: 94.5013, aux.loss_ce: 0.0789, aux.acc_seg: 91.7438, loss: 0.2092, grad_norm: 2.5464 2023-02-19 15:50:22,507 - mmseg - INFO - Iter [115100/160000] lr: 1.684e-05, eta: 4:35:46, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1303, decode.acc_seg: 94.4500, aux.loss_ce: 0.0816, aux.acc_seg: 91.6056, loss: 0.2120, grad_norm: 2.7496 2023-02-19 15:50:40,849 - mmseg - INFO - Iter [115150/160000] lr: 1.682e-05, eta: 4:35:28, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1248, decode.acc_seg: 94.7071, aux.loss_ce: 0.0771, aux.acc_seg: 92.0445, loss: 0.2019, grad_norm: 2.4584 2023-02-19 15:50:59,158 - mmseg - INFO - Iter [115200/160000] lr: 1.680e-05, eta: 4:35:09, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1346, decode.acc_seg: 94.1190, aux.loss_ce: 0.0813, aux.acc_seg: 91.3380, loss: 0.2160, grad_norm: 2.8479 2023-02-19 15:51:17,344 - mmseg - INFO - Iter [115250/160000] lr: 1.678e-05, eta: 4:34:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1241, decode.acc_seg: 94.6955, aux.loss_ce: 0.0749, aux.acc_seg: 92.2452, loss: 0.1991, grad_norm: 2.6391 2023-02-19 15:51:35,461 - mmseg - INFO - Iter [115300/160000] lr: 1.676e-05, eta: 4:34:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.5171, aux.loss_ce: 0.0750, aux.acc_seg: 91.9565, loss: 0.2008, grad_norm: 2.3847 2023-02-19 15:51:53,499 - mmseg - INFO - Iter [115350/160000] lr: 1.674e-05, eta: 4:34:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1241, decode.acc_seg: 94.6823, aux.loss_ce: 0.0748, aux.acc_seg: 92.1258, loss: 0.1989, grad_norm: 2.9418 2023-02-19 15:52:11,496 - mmseg - INFO - Iter [115400/160000] lr: 1.673e-05, eta: 4:33:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1243, decode.acc_seg: 94.6954, aux.loss_ce: 0.0756, aux.acc_seg: 92.0394, loss: 0.1999, grad_norm: 2.0140 2023-02-19 15:52:29,450 - mmseg - INFO - Iter [115450/160000] lr: 1.671e-05, eta: 4:33:36, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1265, decode.acc_seg: 94.8214, aux.loss_ce: 0.0776, aux.acc_seg: 92.1038, loss: 0.2042, grad_norm: 2.5056 2023-02-19 15:52:47,679 - mmseg - INFO - Iter [115500/160000] lr: 1.669e-05, eta: 4:33:18, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1362, decode.acc_seg: 94.2084, aux.loss_ce: 0.0816, aux.acc_seg: 91.4921, loss: 0.2178, grad_norm: 2.3873 2023-02-19 15:53:05,735 - mmseg - INFO - Iter [115550/160000] lr: 1.667e-05, eta: 4:32:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1343, decode.acc_seg: 94.4685, aux.loss_ce: 0.0826, aux.acc_seg: 91.6866, loss: 0.2168, grad_norm: 2.4927 2023-02-19 15:53:24,305 - mmseg - INFO - Iter [115600/160000] lr: 1.665e-05, eta: 4:32:41, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1396, decode.acc_seg: 94.1253, aux.loss_ce: 0.0795, aux.acc_seg: 91.7211, loss: 0.2191, grad_norm: 2.4682 2023-02-19 15:53:42,414 - mmseg - INFO - Iter [115650/160000] lr: 1.663e-05, eta: 4:32:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1228, decode.acc_seg: 94.7325, aux.loss_ce: 0.0743, aux.acc_seg: 92.2161, loss: 0.1971, grad_norm: 1.8736 2023-02-19 15:54:00,518 - mmseg - INFO - Iter [115700/160000] lr: 1.661e-05, eta: 4:32:04, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1334, decode.acc_seg: 94.4640, aux.loss_ce: 0.0828, aux.acc_seg: 91.7695, loss: 0.2162, grad_norm: 3.1199 2023-02-19 15:54:18,646 - mmseg - INFO - Iter [115750/160000] lr: 1.659e-05, eta: 4:31:45, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1254, decode.acc_seg: 94.6078, aux.loss_ce: 0.0762, aux.acc_seg: 91.9417, loss: 0.2016, grad_norm: 2.1995 2023-02-19 15:54:36,825 - mmseg - INFO - Iter [115800/160000] lr: 1.658e-05, eta: 4:31:27, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1240, decode.acc_seg: 94.8065, aux.loss_ce: 0.0766, aux.acc_seg: 92.0872, loss: 0.2006, grad_norm: 2.0503 2023-02-19 15:54:55,198 - mmseg - INFO - Iter [115850/160000] lr: 1.656e-05, eta: 4:31:08, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1280, decode.acc_seg: 94.5959, aux.loss_ce: 0.0786, aux.acc_seg: 91.7053, loss: 0.2066, grad_norm: 2.3579 2023-02-19 15:55:13,309 - mmseg - INFO - Iter [115900/160000] lr: 1.654e-05, eta: 4:30:50, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1247, decode.acc_seg: 94.5261, aux.loss_ce: 0.0767, aux.acc_seg: 91.8065, loss: 0.2014, grad_norm: 2.4578 2023-02-19 15:55:31,408 - mmseg - INFO - Iter [115950/160000] lr: 1.652e-05, eta: 4:30:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1317, decode.acc_seg: 94.5014, aux.loss_ce: 0.0804, aux.acc_seg: 91.7146, loss: 0.2121, grad_norm: 2.7234 2023-02-19 15:55:49,554 - mmseg - INFO - Saving checkpoint at 116000 iterations 2023-02-19 15:55:51,299 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 15:55:51,299 - mmseg - INFO - Iter [116000/160000] lr: 1.650e-05, eta: 4:30:13, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1313, decode.acc_seg: 94.4074, aux.loss_ce: 0.0782, aux.acc_seg: 91.7287, loss: 0.2096, grad_norm: 2.4594 2023-02-19 15:56:09,383 - mmseg - INFO - Iter [116050/160000] lr: 1.648e-05, eta: 4:29:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1240, decode.acc_seg: 94.7392, aux.loss_ce: 0.0741, aux.acc_seg: 92.2975, loss: 0.1980, grad_norm: 1.9754 2023-02-19 15:56:27,655 - mmseg - INFO - Iter [116100/160000] lr: 1.646e-05, eta: 4:29:36, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.5477, aux.loss_ce: 0.0770, aux.acc_seg: 91.9408, loss: 0.2060, grad_norm: 3.6321 2023-02-19 15:56:45,675 - mmseg - INFO - Iter [116150/160000] lr: 1.644e-05, eta: 4:29:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1254, decode.acc_seg: 94.6290, aux.loss_ce: 0.0728, aux.acc_seg: 92.3515, loss: 0.1983, grad_norm: 2.3822 2023-02-19 15:57:06,230 - mmseg - INFO - Iter [116200/160000] lr: 1.643e-05, eta: 4:29:00, time: 0.411, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1263, decode.acc_seg: 94.5939, aux.loss_ce: 0.0757, aux.acc_seg: 92.0030, loss: 0.2020, grad_norm: 2.2973 2023-02-19 15:57:24,261 - mmseg - INFO - Iter [116250/160000] lr: 1.641e-05, eta: 4:28:41, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1275, decode.acc_seg: 94.4767, aux.loss_ce: 0.0763, aux.acc_seg: 91.9192, loss: 0.2039, grad_norm: 1.8734 2023-02-19 15:57:42,557 - mmseg - INFO - Iter [116300/160000] lr: 1.639e-05, eta: 4:28:23, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1306, decode.acc_seg: 94.5919, aux.loss_ce: 0.0774, aux.acc_seg: 92.0896, loss: 0.2080, grad_norm: 2.5942 2023-02-19 15:58:00,738 - mmseg - INFO - Iter [116350/160000] lr: 1.637e-05, eta: 4:28:04, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1188, decode.acc_seg: 95.0249, aux.loss_ce: 0.0705, aux.acc_seg: 92.6545, loss: 0.1892, grad_norm: 1.7962 2023-02-19 15:58:19,155 - mmseg - INFO - Iter [116400/160000] lr: 1.635e-05, eta: 4:27:46, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.6849, aux.loss_ce: 0.0759, aux.acc_seg: 92.0880, loss: 0.1990, grad_norm: 2.2820 2023-02-19 15:58:37,079 - mmseg - INFO - Iter [116450/160000] lr: 1.633e-05, eta: 4:27:27, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1305, decode.acc_seg: 94.4723, aux.loss_ce: 0.0808, aux.acc_seg: 91.6368, loss: 0.2113, grad_norm: 2.6989 2023-02-19 15:58:55,346 - mmseg - INFO - Iter [116500/160000] lr: 1.631e-05, eta: 4:27:09, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1314, decode.acc_seg: 94.4287, aux.loss_ce: 0.0793, aux.acc_seg: 91.7390, loss: 0.2107, grad_norm: 2.1556 2023-02-19 15:59:13,355 - mmseg - INFO - Iter [116550/160000] lr: 1.629e-05, eta: 4:26:50, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1192, decode.acc_seg: 94.8440, aux.loss_ce: 0.0715, aux.acc_seg: 92.4812, loss: 0.1907, grad_norm: 2.4278 2023-02-19 15:59:31,362 - mmseg - INFO - Iter [116600/160000] lr: 1.628e-05, eta: 4:26:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1272, decode.acc_seg: 94.6165, aux.loss_ce: 0.0751, aux.acc_seg: 92.2701, loss: 0.2023, grad_norm: 1.9860 2023-02-19 15:59:49,504 - mmseg - INFO - Iter [116650/160000] lr: 1.626e-05, eta: 4:26:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1308, decode.acc_seg: 94.4096, aux.loss_ce: 0.0788, aux.acc_seg: 91.7557, loss: 0.2096, grad_norm: 3.0154 2023-02-19 16:00:07,493 - mmseg - INFO - Iter [116700/160000] lr: 1.624e-05, eta: 4:25:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1219, decode.acc_seg: 94.8323, aux.loss_ce: 0.0748, aux.acc_seg: 92.1557, loss: 0.1967, grad_norm: 2.1007 2023-02-19 16:00:25,741 - mmseg - INFO - Iter [116750/160000] lr: 1.622e-05, eta: 4:25:36, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1310, decode.acc_seg: 94.4033, aux.loss_ce: 0.0782, aux.acc_seg: 91.8294, loss: 0.2092, grad_norm: 2.0365 2023-02-19 16:00:44,026 - mmseg - INFO - Iter [116800/160000] lr: 1.620e-05, eta: 4:25:18, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1236, decode.acc_seg: 94.7286, aux.loss_ce: 0.0724, aux.acc_seg: 92.2539, loss: 0.1960, grad_norm: 2.2095 2023-02-19 16:01:02,297 - mmseg - INFO - Iter [116850/160000] lr: 1.618e-05, eta: 4:24:59, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1269, decode.acc_seg: 94.5272, aux.loss_ce: 0.0756, aux.acc_seg: 91.9354, loss: 0.2025, grad_norm: 2.3033 2023-02-19 16:01:20,310 - mmseg - INFO - Iter [116900/160000] lr: 1.616e-05, eta: 4:24:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1233, decode.acc_seg: 94.6584, aux.loss_ce: 0.0744, aux.acc_seg: 92.1994, loss: 0.1977, grad_norm: 2.7229 2023-02-19 16:01:38,713 - mmseg - INFO - Iter [116950/160000] lr: 1.614e-05, eta: 4:24:22, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1242, decode.acc_seg: 94.6660, aux.loss_ce: 0.0735, aux.acc_seg: 92.2827, loss: 0.1977, grad_norm: 2.0747 2023-02-19 16:01:56,855 - mmseg - INFO - Saving checkpoint at 117000 iterations 2023-02-19 16:01:58,641 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:01:58,641 - mmseg - INFO - Iter [117000/160000] lr: 1.613e-05, eta: 4:24:04, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1296, decode.acc_seg: 94.5174, aux.loss_ce: 0.0762, aux.acc_seg: 92.0142, loss: 0.2058, grad_norm: 2.2583 2023-02-19 16:02:16,834 - mmseg - INFO - Iter [117050/160000] lr: 1.611e-05, eta: 4:23:46, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1291, decode.acc_seg: 94.5644, aux.loss_ce: 0.0770, aux.acc_seg: 92.0743, loss: 0.2062, grad_norm: 2.3862 2023-02-19 16:02:35,064 - mmseg - INFO - Iter [117100/160000] lr: 1.609e-05, eta: 4:23:27, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1249, decode.acc_seg: 94.6515, aux.loss_ce: 0.0738, aux.acc_seg: 92.2081, loss: 0.1988, grad_norm: 2.6542 2023-02-19 16:02:53,742 - mmseg - INFO - Iter [117150/160000] lr: 1.607e-05, eta: 4:23:09, time: 0.374, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1284, decode.acc_seg: 94.5787, aux.loss_ce: 0.0782, aux.acc_seg: 91.9266, loss: 0.2066, grad_norm: 2.7980 2023-02-19 16:03:12,226 - mmseg - INFO - Iter [117200/160000] lr: 1.605e-05, eta: 4:22:51, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1374, decode.acc_seg: 94.2335, aux.loss_ce: 0.0823, aux.acc_seg: 91.4914, loss: 0.2197, grad_norm: 2.2747 2023-02-19 16:03:30,285 - mmseg - INFO - Iter [117250/160000] lr: 1.603e-05, eta: 4:22:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1287, decode.acc_seg: 94.6764, aux.loss_ce: 0.0780, aux.acc_seg: 92.0234, loss: 0.2068, grad_norm: 2.3148 2023-02-19 16:03:48,319 - mmseg - INFO - Iter [117300/160000] lr: 1.601e-05, eta: 4:22:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1260, decode.acc_seg: 94.6505, aux.loss_ce: 0.0745, aux.acc_seg: 92.2361, loss: 0.2005, grad_norm: 2.1901 2023-02-19 16:04:07,454 - mmseg - INFO - Iter [117350/160000] lr: 1.599e-05, eta: 4:21:55, time: 0.383, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1282, decode.acc_seg: 94.5520, aux.loss_ce: 0.0770, aux.acc_seg: 91.9519, loss: 0.2052, grad_norm: 2.1616 2023-02-19 16:04:25,394 - mmseg - INFO - Iter [117400/160000] lr: 1.598e-05, eta: 4:21:37, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1210, decode.acc_seg: 94.7865, aux.loss_ce: 0.0736, aux.acc_seg: 92.1610, loss: 0.1946, grad_norm: 1.9269 2023-02-19 16:04:43,334 - mmseg - INFO - Iter [117450/160000] lr: 1.596e-05, eta: 4:21:18, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1296, decode.acc_seg: 94.5128, aux.loss_ce: 0.0776, aux.acc_seg: 91.8205, loss: 0.2073, grad_norm: 2.9735 2023-02-19 16:05:03,614 - mmseg - INFO - Iter [117500/160000] lr: 1.594e-05, eta: 4:21:00, time: 0.405, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1276, decode.acc_seg: 94.6192, aux.loss_ce: 0.0780, aux.acc_seg: 91.9033, loss: 0.2056, grad_norm: 2.7171 2023-02-19 16:05:22,079 - mmseg - INFO - Iter [117550/160000] lr: 1.592e-05, eta: 4:20:42, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.8099, aux.loss_ce: 0.0732, aux.acc_seg: 92.2345, loss: 0.1942, grad_norm: 1.9711 2023-02-19 16:05:40,104 - mmseg - INFO - Iter [117600/160000] lr: 1.590e-05, eta: 4:20:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1234, decode.acc_seg: 94.7762, aux.loss_ce: 0.0754, aux.acc_seg: 92.1367, loss: 0.1988, grad_norm: 2.8245 2023-02-19 16:05:58,425 - mmseg - INFO - Iter [117650/160000] lr: 1.588e-05, eta: 4:20:05, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1224, decode.acc_seg: 94.7700, aux.loss_ce: 0.0751, aux.acc_seg: 92.0987, loss: 0.1975, grad_norm: 2.1141 2023-02-19 16:06:16,446 - mmseg - INFO - Iter [117700/160000] lr: 1.586e-05, eta: 4:19:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1214, decode.acc_seg: 94.7474, aux.loss_ce: 0.0747, aux.acc_seg: 92.1379, loss: 0.1961, grad_norm: 2.0698 2023-02-19 16:06:34,513 - mmseg - INFO - Iter [117750/160000] lr: 1.584e-05, eta: 4:19:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1300, decode.acc_seg: 94.5963, aux.loss_ce: 0.0770, aux.acc_seg: 92.1438, loss: 0.2070, grad_norm: 2.2151 2023-02-19 16:06:52,539 - mmseg - INFO - Iter [117800/160000] lr: 1.583e-05, eta: 4:19:09, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1283, decode.acc_seg: 94.5004, aux.loss_ce: 0.0777, aux.acc_seg: 91.8500, loss: 0.2060, grad_norm: 2.2576 2023-02-19 16:07:10,728 - mmseg - INFO - Iter [117850/160000] lr: 1.581e-05, eta: 4:18:51, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1197, decode.acc_seg: 94.8575, aux.loss_ce: 0.0731, aux.acc_seg: 92.1873, loss: 0.1929, grad_norm: 2.5789 2023-02-19 16:07:28,839 - mmseg - INFO - Iter [117900/160000] lr: 1.579e-05, eta: 4:18:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1283, decode.acc_seg: 94.5405, aux.loss_ce: 0.0775, aux.acc_seg: 91.9542, loss: 0.2058, grad_norm: 2.4537 2023-02-19 16:07:47,286 - mmseg - INFO - Iter [117950/160000] lr: 1.577e-05, eta: 4:18:14, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.6931, aux.loss_ce: 0.0790, aux.acc_seg: 92.0040, loss: 0.2094, grad_norm: 3.0221 2023-02-19 16:08:05,236 - mmseg - INFO - Saving checkpoint at 118000 iterations 2023-02-19 16:08:07,010 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:08:07,010 - mmseg - INFO - Iter [118000/160000] lr: 1.575e-05, eta: 4:17:56, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1215, decode.acc_seg: 94.7710, aux.loss_ce: 0.0748, aux.acc_seg: 92.0463, loss: 0.1963, grad_norm: 2.3823 2023-02-19 16:08:25,055 - mmseg - INFO - Iter [118050/160000] lr: 1.573e-05, eta: 4:17:37, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1264, decode.acc_seg: 94.5843, aux.loss_ce: 0.0756, aux.acc_seg: 92.0627, loss: 0.2020, grad_norm: 2.0956 2023-02-19 16:08:42,964 - mmseg - INFO - Iter [118100/160000] lr: 1.571e-05, eta: 4:17:19, time: 0.358, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1263, decode.acc_seg: 94.6427, aux.loss_ce: 0.0765, aux.acc_seg: 92.0614, loss: 0.2028, grad_norm: 2.5181 2023-02-19 16:09:00,917 - mmseg - INFO - Iter [118150/160000] lr: 1.569e-05, eta: 4:17:00, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1248, decode.acc_seg: 94.6637, aux.loss_ce: 0.0749, aux.acc_seg: 92.1823, loss: 0.1997, grad_norm: 2.1663 2023-02-19 16:09:18,998 - mmseg - INFO - Iter [118200/160000] lr: 1.568e-05, eta: 4:16:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1238, decode.acc_seg: 94.6853, aux.loss_ce: 0.0738, aux.acc_seg: 92.1900, loss: 0.1975, grad_norm: 2.0055 2023-02-19 16:09:37,064 - mmseg - INFO - Iter [118250/160000] lr: 1.566e-05, eta: 4:16:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1269, decode.acc_seg: 94.5935, aux.loss_ce: 0.0763, aux.acc_seg: 92.0342, loss: 0.2032, grad_norm: 2.2074 2023-02-19 16:09:55,320 - mmseg - INFO - Iter [118300/160000] lr: 1.564e-05, eta: 4:16:04, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1278, decode.acc_seg: 94.5360, aux.loss_ce: 0.0789, aux.acc_seg: 91.8108, loss: 0.2067, grad_norm: 2.0581 2023-02-19 16:10:13,659 - mmseg - INFO - Iter [118350/160000] lr: 1.562e-05, eta: 4:15:46, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1296, decode.acc_seg: 94.4018, aux.loss_ce: 0.0793, aux.acc_seg: 91.6314, loss: 0.2089, grad_norm: 2.1864 2023-02-19 16:10:32,040 - mmseg - INFO - Iter [118400/160000] lr: 1.560e-05, eta: 4:15:28, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1300, decode.acc_seg: 94.4923, aux.loss_ce: 0.0753, aux.acc_seg: 92.1828, loss: 0.2054, grad_norm: 2.7922 2023-02-19 16:10:50,035 - mmseg - INFO - Iter [118450/160000] lr: 1.558e-05, eta: 4:15:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.8203, aux.loss_ce: 0.0764, aux.acc_seg: 92.1703, loss: 0.1995, grad_norm: 1.9934 2023-02-19 16:11:08,171 - mmseg - INFO - Iter [118500/160000] lr: 1.556e-05, eta: 4:14:50, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1248, decode.acc_seg: 94.6823, aux.loss_ce: 0.0768, aux.acc_seg: 91.9582, loss: 0.2016, grad_norm: 2.1881 2023-02-19 16:11:26,648 - mmseg - INFO - Iter [118550/160000] lr: 1.554e-05, eta: 4:14:32, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1226, decode.acc_seg: 94.7610, aux.loss_ce: 0.0738, aux.acc_seg: 92.2117, loss: 0.1964, grad_norm: 1.8085 2023-02-19 16:11:44,766 - mmseg - INFO - Iter [118600/160000] lr: 1.553e-05, eta: 4:14:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1342, decode.acc_seg: 94.2071, aux.loss_ce: 0.0792, aux.acc_seg: 91.7067, loss: 0.2133, grad_norm: 2.5121 2023-02-19 16:12:03,059 - mmseg - INFO - Iter [118650/160000] lr: 1.551e-05, eta: 4:13:55, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1354, decode.acc_seg: 94.5257, aux.loss_ce: 0.0801, aux.acc_seg: 91.8308, loss: 0.2155, grad_norm: 4.1556 2023-02-19 16:12:21,196 - mmseg - INFO - Iter [118700/160000] lr: 1.549e-05, eta: 4:13:37, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1246, decode.acc_seg: 94.5583, aux.loss_ce: 0.0748, aux.acc_seg: 91.9172, loss: 0.1993, grad_norm: 4.5872 2023-02-19 16:12:41,715 - mmseg - INFO - Iter [118750/160000] lr: 1.547e-05, eta: 4:13:19, time: 0.410, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.4410, aux.loss_ce: 0.0771, aux.acc_seg: 92.0458, loss: 0.2075, grad_norm: 3.1215 2023-02-19 16:13:01,894 - mmseg - INFO - Iter [118800/160000] lr: 1.545e-05, eta: 4:13:01, time: 0.403, data_time: 0.008, memory: 20662, decode.loss_ce: 0.1181, decode.acc_seg: 95.0143, aux.loss_ce: 0.0725, aux.acc_seg: 92.3932, loss: 0.1906, grad_norm: 1.7342 2023-02-19 16:13:19,904 - mmseg - INFO - Iter [118850/160000] lr: 1.543e-05, eta: 4:12:42, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1233, decode.acc_seg: 94.7098, aux.loss_ce: 0.0750, aux.acc_seg: 92.2099, loss: 0.1983, grad_norm: 1.9607 2023-02-19 16:13:37,958 - mmseg - INFO - Iter [118900/160000] lr: 1.541e-05, eta: 4:12:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1242, decode.acc_seg: 94.7253, aux.loss_ce: 0.0751, aux.acc_seg: 92.0866, loss: 0.1993, grad_norm: 2.0906 2023-02-19 16:13:56,268 - mmseg - INFO - Iter [118950/160000] lr: 1.539e-05, eta: 4:12:05, time: 0.366, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1269, decode.acc_seg: 94.6557, aux.loss_ce: 0.0768, aux.acc_seg: 92.0165, loss: 0.2037, grad_norm: 2.2011 2023-02-19 16:14:14,348 - mmseg - INFO - Saving checkpoint at 119000 iterations 2023-02-19 16:14:16,117 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:14:16,117 - mmseg - INFO - Iter [119000/160000] lr: 1.538e-05, eta: 4:11:48, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1270, decode.acc_seg: 94.6543, aux.loss_ce: 0.0745, aux.acc_seg: 92.2878, loss: 0.2016, grad_norm: 1.9187 2023-02-19 16:14:34,173 - mmseg - INFO - Iter [119050/160000] lr: 1.536e-05, eta: 4:11:29, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1345, decode.acc_seg: 94.3713, aux.loss_ce: 0.0785, aux.acc_seg: 91.8403, loss: 0.2130, grad_norm: 2.7906 2023-02-19 16:14:52,561 - mmseg - INFO - Iter [119100/160000] lr: 1.534e-05, eta: 4:11:11, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 95.0225, aux.loss_ce: 0.0702, aux.acc_seg: 92.5928, loss: 0.1860, grad_norm: 1.6969 2023-02-19 16:15:10,883 - mmseg - INFO - Iter [119150/160000] lr: 1.532e-05, eta: 4:10:52, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1271, decode.acc_seg: 94.6595, aux.loss_ce: 0.0767, aux.acc_seg: 91.9961, loss: 0.2038, grad_norm: 2.5293 2023-02-19 16:15:28,842 - mmseg - INFO - Iter [119200/160000] lr: 1.530e-05, eta: 4:10:33, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1275, decode.acc_seg: 94.6156, aux.loss_ce: 0.0758, aux.acc_seg: 92.1698, loss: 0.2033, grad_norm: 2.2296 2023-02-19 16:15:46,853 - mmseg - INFO - Iter [119250/160000] lr: 1.528e-05, eta: 4:10:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1285, decode.acc_seg: 94.6502, aux.loss_ce: 0.0796, aux.acc_seg: 91.9669, loss: 0.2081, grad_norm: 2.2811 2023-02-19 16:16:04,900 - mmseg - INFO - Iter [119300/160000] lr: 1.526e-05, eta: 4:09:56, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1237, decode.acc_seg: 94.6621, aux.loss_ce: 0.0729, aux.acc_seg: 92.2198, loss: 0.1966, grad_norm: 2.9240 2023-02-19 16:16:22,850 - mmseg - INFO - Iter [119350/160000] lr: 1.524e-05, eta: 4:09:38, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1262, decode.acc_seg: 94.5181, aux.loss_ce: 0.0755, aux.acc_seg: 92.0750, loss: 0.2017, grad_norm: 2.9890 2023-02-19 16:16:40,873 - mmseg - INFO - Iter [119400/160000] lr: 1.523e-05, eta: 4:09:19, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.8860, aux.loss_ce: 0.0723, aux.acc_seg: 92.4204, loss: 0.1940, grad_norm: 2.1757 2023-02-19 16:16:59,225 - mmseg - INFO - Iter [119450/160000] lr: 1.521e-05, eta: 4:09:01, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1266, decode.acc_seg: 94.7607, aux.loss_ce: 0.0765, aux.acc_seg: 92.1667, loss: 0.2030, grad_norm: 2.3180 2023-02-19 16:17:17,230 - mmseg - INFO - Iter [119500/160000] lr: 1.519e-05, eta: 4:08:42, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1304, decode.acc_seg: 94.3658, aux.loss_ce: 0.0780, aux.acc_seg: 91.6855, loss: 0.2085, grad_norm: 2.7253 2023-02-19 16:17:35,266 - mmseg - INFO - Iter [119550/160000] lr: 1.517e-05, eta: 4:08:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1321, decode.acc_seg: 94.3948, aux.loss_ce: 0.0773, aux.acc_seg: 91.9305, loss: 0.2094, grad_norm: 2.6256 2023-02-19 16:17:53,342 - mmseg - INFO - Iter [119600/160000] lr: 1.515e-05, eta: 4:08:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1278, decode.acc_seg: 94.4335, aux.loss_ce: 0.0765, aux.acc_seg: 91.9559, loss: 0.2043, grad_norm: 2.0598 2023-02-19 16:18:11,464 - mmseg - INFO - Iter [119650/160000] lr: 1.513e-05, eta: 4:07:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1277, decode.acc_seg: 94.6832, aux.loss_ce: 0.0778, aux.acc_seg: 91.9986, loss: 0.2055, grad_norm: 1.9793 2023-02-19 16:18:29,474 - mmseg - INFO - Iter [119700/160000] lr: 1.511e-05, eta: 4:07:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1204, decode.acc_seg: 94.8389, aux.loss_ce: 0.0743, aux.acc_seg: 92.3607, loss: 0.1947, grad_norm: 2.0947 2023-02-19 16:18:47,544 - mmseg - INFO - Iter [119750/160000] lr: 1.509e-05, eta: 4:07:09, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1238, decode.acc_seg: 94.7603, aux.loss_ce: 0.0765, aux.acc_seg: 92.0221, loss: 0.2003, grad_norm: 2.0917 2023-02-19 16:19:05,848 - mmseg - INFO - Iter [119800/160000] lr: 1.508e-05, eta: 4:06:51, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1251, decode.acc_seg: 94.7002, aux.loss_ce: 0.0765, aux.acc_seg: 92.0113, loss: 0.2016, grad_norm: 1.9631 2023-02-19 16:19:23,861 - mmseg - INFO - Iter [119850/160000] lr: 1.506e-05, eta: 4:06:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1282, decode.acc_seg: 94.6284, aux.loss_ce: 0.0766, aux.acc_seg: 92.1060, loss: 0.2048, grad_norm: 2.5534 2023-02-19 16:19:41,921 - mmseg - INFO - Iter [119900/160000] lr: 1.504e-05, eta: 4:06:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1237, decode.acc_seg: 94.7955, aux.loss_ce: 0.0759, aux.acc_seg: 92.2750, loss: 0.1996, grad_norm: 1.7273 2023-02-19 16:20:00,022 - mmseg - INFO - Iter [119950/160000] lr: 1.502e-05, eta: 4:05:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1226, decode.acc_seg: 94.7401, aux.loss_ce: 0.0753, aux.acc_seg: 92.0666, loss: 0.1979, grad_norm: 2.0890 2023-02-19 16:20:21,011 - mmseg - INFO - Saving checkpoint at 120000 iterations 2023-02-19 16:20:22,752 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:20:22,752 - mmseg - INFO - Iter [120000/160000] lr: 1.500e-05, eta: 4:05:38, time: 0.455, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1244, decode.acc_seg: 94.7315, aux.loss_ce: 0.0790, aux.acc_seg: 91.7157, loss: 0.2034, grad_norm: 2.3118 2023-02-19 16:20:41,006 - mmseg - INFO - Iter [120050/160000] lr: 1.498e-05, eta: 4:05:20, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1190, decode.acc_seg: 94.8815, aux.loss_ce: 0.0708, aux.acc_seg: 92.4597, loss: 0.1898, grad_norm: 1.8286 2023-02-19 16:20:59,320 - mmseg - INFO - Iter [120100/160000] lr: 1.496e-05, eta: 4:05:01, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1277, decode.acc_seg: 94.4762, aux.loss_ce: 0.0771, aux.acc_seg: 91.8137, loss: 0.2048, grad_norm: 2.4713 2023-02-19 16:21:17,461 - mmseg - INFO - Iter [120150/160000] lr: 1.494e-05, eta: 4:04:43, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1187, decode.acc_seg: 94.9279, aux.loss_ce: 0.0734, aux.acc_seg: 92.2614, loss: 0.1921, grad_norm: 2.0509 2023-02-19 16:21:35,565 - mmseg - INFO - Iter [120200/160000] lr: 1.493e-05, eta: 4:04:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1200, decode.acc_seg: 94.9518, aux.loss_ce: 0.0733, aux.acc_seg: 92.3642, loss: 0.1933, grad_norm: 2.5281 2023-02-19 16:21:53,695 - mmseg - INFO - Iter [120250/160000] lr: 1.491e-05, eta: 4:04:06, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1236, decode.acc_seg: 94.6983, aux.loss_ce: 0.0751, aux.acc_seg: 92.0578, loss: 0.1986, grad_norm: 3.8711 2023-02-19 16:22:11,786 - mmseg - INFO - Iter [120300/160000] lr: 1.489e-05, eta: 4:03:47, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1204, decode.acc_seg: 94.8692, aux.loss_ce: 0.0738, aux.acc_seg: 92.3623, loss: 0.1941, grad_norm: 2.1962 2023-02-19 16:22:29,836 - mmseg - INFO - Iter [120350/160000] lr: 1.487e-05, eta: 4:03:29, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1238, decode.acc_seg: 94.9268, aux.loss_ce: 0.0762, aux.acc_seg: 92.2183, loss: 0.2000, grad_norm: 1.8266 2023-02-19 16:22:47,992 - mmseg - INFO - Iter [120400/160000] lr: 1.485e-05, eta: 4:03:10, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1290, decode.acc_seg: 94.5799, aux.loss_ce: 0.0795, aux.acc_seg: 91.8080, loss: 0.2085, grad_norm: 3.2269 2023-02-19 16:23:06,116 - mmseg - INFO - Iter [120450/160000] lr: 1.483e-05, eta: 4:02:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1223, decode.acc_seg: 94.8259, aux.loss_ce: 0.0740, aux.acc_seg: 92.3562, loss: 0.1964, grad_norm: 2.2863 2023-02-19 16:23:24,171 - mmseg - INFO - Iter [120500/160000] lr: 1.481e-05, eta: 4:02:33, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1241, decode.acc_seg: 94.6372, aux.loss_ce: 0.0759, aux.acc_seg: 91.8503, loss: 0.2000, grad_norm: 2.0805 2023-02-19 16:23:42,320 - mmseg - INFO - Iter [120550/160000] lr: 1.479e-05, eta: 4:02:15, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1279, decode.acc_seg: 94.5500, aux.loss_ce: 0.0784, aux.acc_seg: 91.6831, loss: 0.2063, grad_norm: 2.3736 2023-02-19 16:24:00,497 - mmseg - INFO - Iter [120600/160000] lr: 1.478e-05, eta: 4:01:56, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1278, decode.acc_seg: 94.6159, aux.loss_ce: 0.0807, aux.acc_seg: 91.5410, loss: 0.2085, grad_norm: 2.4017 2023-02-19 16:24:18,906 - mmseg - INFO - Iter [120650/160000] lr: 1.476e-05, eta: 4:01:38, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1260, decode.acc_seg: 94.6210, aux.loss_ce: 0.0753, aux.acc_seg: 92.1798, loss: 0.2014, grad_norm: 2.4066 2023-02-19 16:24:37,102 - mmseg - INFO - Iter [120700/160000] lr: 1.474e-05, eta: 4:01:19, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1212, decode.acc_seg: 94.7364, aux.loss_ce: 0.0756, aux.acc_seg: 91.8959, loss: 0.1968, grad_norm: 2.5216 2023-02-19 16:24:55,358 - mmseg - INFO - Iter [120750/160000] lr: 1.472e-05, eta: 4:01:01, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1245, decode.acc_seg: 94.6797, aux.loss_ce: 0.0761, aux.acc_seg: 92.0374, loss: 0.2006, grad_norm: 2.4877 2023-02-19 16:25:13,393 - mmseg - INFO - Iter [120800/160000] lr: 1.470e-05, eta: 4:00:42, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1224, decode.acc_seg: 94.7081, aux.loss_ce: 0.0763, aux.acc_seg: 91.9907, loss: 0.1987, grad_norm: 2.4298 2023-02-19 16:25:31,669 - mmseg - INFO - Iter [120850/160000] lr: 1.468e-05, eta: 4:00:24, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1259, decode.acc_seg: 94.5194, aux.loss_ce: 0.0770, aux.acc_seg: 91.8574, loss: 0.2029, grad_norm: 1.8943 2023-02-19 16:25:50,432 - mmseg - INFO - Iter [120900/160000] lr: 1.466e-05, eta: 4:00:06, time: 0.375, data_time: 0.008, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.4837, aux.loss_ce: 0.0756, aux.acc_seg: 91.9808, loss: 0.2013, grad_norm: 2.8541 2023-02-19 16:26:08,834 - mmseg - INFO - Iter [120950/160000] lr: 1.464e-05, eta: 3:59:47, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1319, decode.acc_seg: 94.3007, aux.loss_ce: 0.0771, aux.acc_seg: 91.8136, loss: 0.2090, grad_norm: 2.6558 2023-02-19 16:26:27,060 - mmseg - INFO - Saving checkpoint at 121000 iterations 2023-02-19 16:26:28,822 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:26:28,822 - mmseg - INFO - Iter [121000/160000] lr: 1.463e-05, eta: 3:59:29, time: 0.400, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1272, decode.acc_seg: 94.6723, aux.loss_ce: 0.0792, aux.acc_seg: 91.7544, loss: 0.2064, grad_norm: 2.6115 2023-02-19 16:26:46,988 - mmseg - INFO - Iter [121050/160000] lr: 1.461e-05, eta: 3:59:11, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1226, decode.acc_seg: 94.7238, aux.loss_ce: 0.0749, aux.acc_seg: 92.0096, loss: 0.1975, grad_norm: 1.7213 2023-02-19 16:27:05,360 - mmseg - INFO - Iter [121100/160000] lr: 1.459e-05, eta: 3:58:52, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1188, decode.acc_seg: 94.8521, aux.loss_ce: 0.0708, aux.acc_seg: 92.4714, loss: 0.1897, grad_norm: 1.7235 2023-02-19 16:27:23,488 - mmseg - INFO - Iter [121150/160000] lr: 1.457e-05, eta: 3:58:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1254, decode.acc_seg: 94.6190, aux.loss_ce: 0.0760, aux.acc_seg: 92.0573, loss: 0.2014, grad_norm: 1.8298 2023-02-19 16:27:41,572 - mmseg - INFO - Iter [121200/160000] lr: 1.455e-05, eta: 3:58:15, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1191, decode.acc_seg: 94.7952, aux.loss_ce: 0.0727, aux.acc_seg: 92.2353, loss: 0.1918, grad_norm: 2.0208 2023-02-19 16:28:02,071 - mmseg - INFO - Iter [121250/160000] lr: 1.453e-05, eta: 3:57:57, time: 0.410, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1177, decode.acc_seg: 94.8579, aux.loss_ce: 0.0724, aux.acc_seg: 92.3386, loss: 0.1900, grad_norm: 2.4699 2023-02-19 16:28:20,188 - mmseg - INFO - Iter [121300/160000] lr: 1.451e-05, eta: 3:57:39, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1254, decode.acc_seg: 94.6366, aux.loss_ce: 0.0744, aux.acc_seg: 92.1308, loss: 0.1998, grad_norm: 2.3216 2023-02-19 16:28:38,179 - mmseg - INFO - Iter [121350/160000] lr: 1.449e-05, eta: 3:57:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1292, decode.acc_seg: 94.5193, aux.loss_ce: 0.0783, aux.acc_seg: 91.7756, loss: 0.2075, grad_norm: 2.2686 2023-02-19 16:28:56,321 - mmseg - INFO - Iter [121400/160000] lr: 1.448e-05, eta: 3:57:02, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1187, decode.acc_seg: 94.8845, aux.loss_ce: 0.0714, aux.acc_seg: 92.3092, loss: 0.1901, grad_norm: 1.9146 2023-02-19 16:29:14,327 - mmseg - INFO - Iter [121450/160000] lr: 1.446e-05, eta: 3:56:43, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1227, decode.acc_seg: 94.8050, aux.loss_ce: 0.0736, aux.acc_seg: 92.3378, loss: 0.1963, grad_norm: 2.0652 2023-02-19 16:29:32,521 - mmseg - INFO - Iter [121500/160000] lr: 1.444e-05, eta: 3:56:25, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.7781, aux.loss_ce: 0.0739, aux.acc_seg: 92.2287, loss: 0.1955, grad_norm: 2.1925 2023-02-19 16:29:50,663 - mmseg - INFO - Iter [121550/160000] lr: 1.442e-05, eta: 3:56:06, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1174, decode.acc_seg: 94.8571, aux.loss_ce: 0.0697, aux.acc_seg: 92.5025, loss: 0.1871, grad_norm: 1.7716 2023-02-19 16:30:08,704 - mmseg - INFO - Iter [121600/160000] lr: 1.440e-05, eta: 3:55:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1297, decode.acc_seg: 94.5028, aux.loss_ce: 0.0748, aux.acc_seg: 92.1419, loss: 0.2045, grad_norm: 3.6196 2023-02-19 16:30:27,088 - mmseg - INFO - Iter [121650/160000] lr: 1.438e-05, eta: 3:55:29, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1209, decode.acc_seg: 94.7854, aux.loss_ce: 0.0750, aux.acc_seg: 92.1173, loss: 0.1959, grad_norm: 2.1165 2023-02-19 16:30:45,311 - mmseg - INFO - Iter [121700/160000] lr: 1.436e-05, eta: 3:55:11, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1193, decode.acc_seg: 94.7844, aux.loss_ce: 0.0720, aux.acc_seg: 92.2894, loss: 0.1913, grad_norm: 3.2359 2023-02-19 16:31:03,411 - mmseg - INFO - Iter [121750/160000] lr: 1.434e-05, eta: 3:54:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1180, decode.acc_seg: 95.0096, aux.loss_ce: 0.0713, aux.acc_seg: 92.5211, loss: 0.1894, grad_norm: 1.8601 2023-02-19 16:31:21,435 - mmseg - INFO - Iter [121800/160000] lr: 1.433e-05, eta: 3:54:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1299, decode.acc_seg: 94.3154, aux.loss_ce: 0.0754, aux.acc_seg: 91.9998, loss: 0.2053, grad_norm: 2.7551 2023-02-19 16:31:39,537 - mmseg - INFO - Iter [121850/160000] lr: 1.431e-05, eta: 3:54:15, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1206, decode.acc_seg: 94.8643, aux.loss_ce: 0.0702, aux.acc_seg: 92.6263, loss: 0.1908, grad_norm: 1.9793 2023-02-19 16:31:58,318 - mmseg - INFO - Iter [121900/160000] lr: 1.429e-05, eta: 3:53:57, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1207, decode.acc_seg: 94.8867, aux.loss_ce: 0.0737, aux.acc_seg: 92.3854, loss: 0.1944, grad_norm: 2.1911 2023-02-19 16:32:16,330 - mmseg - INFO - Iter [121950/160000] lr: 1.427e-05, eta: 3:53:38, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1262, decode.acc_seg: 94.7016, aux.loss_ce: 0.0760, aux.acc_seg: 92.0849, loss: 0.2022, grad_norm: 2.8840 2023-02-19 16:32:34,556 - mmseg - INFO - Saving checkpoint at 122000 iterations 2023-02-19 16:32:36,277 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:32:36,277 - mmseg - INFO - Iter [122000/160000] lr: 1.425e-05, eta: 3:53:20, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1302, decode.acc_seg: 94.4939, aux.loss_ce: 0.0798, aux.acc_seg: 91.7693, loss: 0.2100, grad_norm: 2.5163 2023-02-19 16:32:54,469 - mmseg - INFO - Iter [122050/160000] lr: 1.423e-05, eta: 3:53:02, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1316, decode.acc_seg: 94.4410, aux.loss_ce: 0.0794, aux.acc_seg: 91.6794, loss: 0.2109, grad_norm: 2.6096 2023-02-19 16:33:12,907 - mmseg - INFO - Iter [122100/160000] lr: 1.421e-05, eta: 3:52:43, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1228, decode.acc_seg: 94.8021, aux.loss_ce: 0.0739, aux.acc_seg: 92.3490, loss: 0.1967, grad_norm: 2.1947 2023-02-19 16:33:31,108 - mmseg - INFO - Iter [122150/160000] lr: 1.419e-05, eta: 3:52:25, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1209, decode.acc_seg: 94.9038, aux.loss_ce: 0.0723, aux.acc_seg: 92.5408, loss: 0.1933, grad_norm: 2.1286 2023-02-19 16:33:49,172 - mmseg - INFO - Iter [122200/160000] lr: 1.418e-05, eta: 3:52:06, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1272, decode.acc_seg: 94.5922, aux.loss_ce: 0.0768, aux.acc_seg: 92.0445, loss: 0.2041, grad_norm: 2.2718 2023-02-19 16:34:07,369 - mmseg - INFO - Iter [122250/160000] lr: 1.416e-05, eta: 3:51:48, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.6499, aux.loss_ce: 0.0729, aux.acc_seg: 92.1742, loss: 0.1959, grad_norm: 2.1594 2023-02-19 16:34:25,329 - mmseg - INFO - Iter [122300/160000] lr: 1.414e-05, eta: 3:51:29, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1265, decode.acc_seg: 94.6155, aux.loss_ce: 0.0756, aux.acc_seg: 92.1770, loss: 0.2021, grad_norm: 2.8063 2023-02-19 16:34:43,299 - mmseg - INFO - Iter [122350/160000] lr: 1.412e-05, eta: 3:51:11, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1228, decode.acc_seg: 94.6466, aux.loss_ce: 0.0723, aux.acc_seg: 92.3213, loss: 0.1951, grad_norm: 2.2157 2023-02-19 16:35:01,411 - mmseg - INFO - Iter [122400/160000] lr: 1.410e-05, eta: 3:50:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1270, decode.acc_seg: 94.6055, aux.loss_ce: 0.0774, aux.acc_seg: 91.8093, loss: 0.2044, grad_norm: 2.0324 2023-02-19 16:35:20,097 - mmseg - INFO - Iter [122450/160000] lr: 1.408e-05, eta: 3:50:34, time: 0.374, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1188, decode.acc_seg: 94.8009, aux.loss_ce: 0.0724, aux.acc_seg: 92.2455, loss: 0.1912, grad_norm: 2.0890 2023-02-19 16:35:38,060 - mmseg - INFO - Iter [122500/160000] lr: 1.406e-05, eta: 3:50:15, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1206, decode.acc_seg: 94.8878, aux.loss_ce: 0.0721, aux.acc_seg: 92.4556, loss: 0.1926, grad_norm: 1.8593 2023-02-19 16:35:58,475 - mmseg - INFO - Iter [122550/160000] lr: 1.404e-05, eta: 3:49:58, time: 0.408, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1230, decode.acc_seg: 94.6692, aux.loss_ce: 0.0741, aux.acc_seg: 92.0013, loss: 0.1971, grad_norm: 2.0130 2023-02-19 16:36:16,544 - mmseg - INFO - Iter [122600/160000] lr: 1.403e-05, eta: 3:49:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1233, decode.acc_seg: 94.8264, aux.loss_ce: 0.0737, aux.acc_seg: 92.3217, loss: 0.1971, grad_norm: 2.3260 2023-02-19 16:36:34,513 - mmseg - INFO - Iter [122650/160000] lr: 1.401e-05, eta: 3:49:21, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1221, decode.acc_seg: 94.8375, aux.loss_ce: 0.0754, aux.acc_seg: 92.2624, loss: 0.1975, grad_norm: 2.0782 2023-02-19 16:36:52,537 - mmseg - INFO - Iter [122700/160000] lr: 1.399e-05, eta: 3:49:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1233, decode.acc_seg: 94.6357, aux.loss_ce: 0.0737, aux.acc_seg: 92.1761, loss: 0.1970, grad_norm: 2.1067 2023-02-19 16:37:10,737 - mmseg - INFO - Iter [122750/160000] lr: 1.397e-05, eta: 3:48:43, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1218, decode.acc_seg: 94.6939, aux.loss_ce: 0.0730, aux.acc_seg: 92.2420, loss: 0.1948, grad_norm: 2.5234 2023-02-19 16:37:28,845 - mmseg - INFO - Iter [122800/160000] lr: 1.395e-05, eta: 3:48:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1270, decode.acc_seg: 94.5781, aux.loss_ce: 0.0770, aux.acc_seg: 91.9484, loss: 0.2040, grad_norm: 2.4244 2023-02-19 16:37:46,944 - mmseg - INFO - Iter [122850/160000] lr: 1.393e-05, eta: 3:48:06, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1210, decode.acc_seg: 94.8470, aux.loss_ce: 0.0734, aux.acc_seg: 92.3144, loss: 0.1944, grad_norm: 2.0963 2023-02-19 16:38:04,966 - mmseg - INFO - Iter [122900/160000] lr: 1.391e-05, eta: 3:47:48, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1248, decode.acc_seg: 94.7874, aux.loss_ce: 0.0757, aux.acc_seg: 92.2816, loss: 0.2005, grad_norm: 2.1387 2023-02-19 16:38:23,100 - mmseg - INFO - Iter [122950/160000] lr: 1.389e-05, eta: 3:47:29, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1122, decode.acc_seg: 95.0755, aux.loss_ce: 0.0668, aux.acc_seg: 92.8469, loss: 0.1790, grad_norm: 1.5984 2023-02-19 16:38:41,069 - mmseg - INFO - Saving checkpoint at 123000 iterations 2023-02-19 16:38:42,827 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:38:42,828 - mmseg - INFO - Iter [123000/160000] lr: 1.388e-05, eta: 3:47:11, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1224, decode.acc_seg: 94.8078, aux.loss_ce: 0.0733, aux.acc_seg: 92.3430, loss: 0.1957, grad_norm: 2.1441 2023-02-19 16:39:00,950 - mmseg - INFO - Iter [123050/160000] lr: 1.386e-05, eta: 3:46:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1236, decode.acc_seg: 94.7441, aux.loss_ce: 0.0750, aux.acc_seg: 92.2078, loss: 0.1986, grad_norm: 2.4980 2023-02-19 16:39:18,964 - mmseg - INFO - Iter [123100/160000] lr: 1.384e-05, eta: 3:46:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1317, decode.acc_seg: 94.4685, aux.loss_ce: 0.0792, aux.acc_seg: 91.8595, loss: 0.2110, grad_norm: 2.6916 2023-02-19 16:39:36,939 - mmseg - INFO - Iter [123150/160000] lr: 1.382e-05, eta: 3:46:16, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1227, decode.acc_seg: 94.8485, aux.loss_ce: 0.0731, aux.acc_seg: 92.4859, loss: 0.1959, grad_norm: 1.9523 2023-02-19 16:39:55,085 - mmseg - INFO - Iter [123200/160000] lr: 1.380e-05, eta: 3:45:57, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1198, decode.acc_seg: 94.8548, aux.loss_ce: 0.0717, aux.acc_seg: 92.5477, loss: 0.1915, grad_norm: 2.0280 2023-02-19 16:40:13,191 - mmseg - INFO - Iter [123250/160000] lr: 1.378e-05, eta: 3:45:39, time: 0.363, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1160, decode.acc_seg: 94.9546, aux.loss_ce: 0.0718, aux.acc_seg: 92.3192, loss: 0.1878, grad_norm: 1.8077 2023-02-19 16:40:31,212 - mmseg - INFO - Iter [123300/160000] lr: 1.376e-05, eta: 3:45:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.7257, aux.loss_ce: 0.0743, aux.acc_seg: 91.9931, loss: 0.1954, grad_norm: 2.1882 2023-02-19 16:40:49,216 - mmseg - INFO - Iter [123350/160000] lr: 1.374e-05, eta: 3:45:02, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1180, decode.acc_seg: 95.0827, aux.loss_ce: 0.0713, aux.acc_seg: 92.6223, loss: 0.1893, grad_norm: 2.0802 2023-02-19 16:41:07,275 - mmseg - INFO - Iter [123400/160000] lr: 1.373e-05, eta: 3:44:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.5323, aux.loss_ce: 0.0754, aux.acc_seg: 92.0155, loss: 0.2011, grad_norm: 2.1334 2023-02-19 16:41:25,601 - mmseg - INFO - Iter [123450/160000] lr: 1.371e-05, eta: 3:44:25, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1150, decode.acc_seg: 95.0092, aux.loss_ce: 0.0692, aux.acc_seg: 92.6706, loss: 0.1841, grad_norm: 1.6427 2023-02-19 16:41:43,933 - mmseg - INFO - Iter [123500/160000] lr: 1.369e-05, eta: 3:44:06, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1215, decode.acc_seg: 94.8354, aux.loss_ce: 0.0748, aux.acc_seg: 92.1846, loss: 0.1963, grad_norm: 1.9222 2023-02-19 16:42:02,085 - mmseg - INFO - Iter [123550/160000] lr: 1.367e-05, eta: 3:43:48, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1197, decode.acc_seg: 94.9732, aux.loss_ce: 0.0742, aux.acc_seg: 92.1566, loss: 0.1939, grad_norm: 2.1249 2023-02-19 16:42:20,318 - mmseg - INFO - Iter [123600/160000] lr: 1.365e-05, eta: 3:43:29, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1199, decode.acc_seg: 94.7736, aux.loss_ce: 0.0717, aux.acc_seg: 92.2227, loss: 0.1916, grad_norm: 2.0285 2023-02-19 16:42:38,605 - mmseg - INFO - Iter [123650/160000] lr: 1.363e-05, eta: 3:43:11, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1252, decode.acc_seg: 94.6534, aux.loss_ce: 0.0760, aux.acc_seg: 91.9842, loss: 0.2012, grad_norm: 1.8646 2023-02-19 16:42:56,649 - mmseg - INFO - Iter [123700/160000] lr: 1.361e-05, eta: 3:42:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1196, decode.acc_seg: 94.8588, aux.loss_ce: 0.0728, aux.acc_seg: 92.3192, loss: 0.1924, grad_norm: 2.5788 2023-02-19 16:43:14,915 - mmseg - INFO - Iter [123750/160000] lr: 1.359e-05, eta: 3:42:34, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1201, decode.acc_seg: 94.8396, aux.loss_ce: 0.0721, aux.acc_seg: 92.3809, loss: 0.1921, grad_norm: 2.4221 2023-02-19 16:43:35,388 - mmseg - INFO - Iter [123800/160000] lr: 1.358e-05, eta: 3:42:16, time: 0.409, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1287, decode.acc_seg: 94.3890, aux.loss_ce: 0.0765, aux.acc_seg: 91.7875, loss: 0.2052, grad_norm: 3.0836 2023-02-19 16:43:53,841 - mmseg - INFO - Iter [123850/160000] lr: 1.356e-05, eta: 3:41:58, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1265, decode.acc_seg: 94.5265, aux.loss_ce: 0.0734, aux.acc_seg: 92.2194, loss: 0.1999, grad_norm: 1.9543 2023-02-19 16:44:12,203 - mmseg - INFO - Iter [123900/160000] lr: 1.354e-05, eta: 3:41:39, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1279, decode.acc_seg: 94.5246, aux.loss_ce: 0.0772, aux.acc_seg: 91.9270, loss: 0.2051, grad_norm: 2.5724 2023-02-19 16:44:30,318 - mmseg - INFO - Iter [123950/160000] lr: 1.352e-05, eta: 3:41:21, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1344, decode.acc_seg: 94.4633, aux.loss_ce: 0.0781, aux.acc_seg: 91.9960, loss: 0.2125, grad_norm: 2.5517 2023-02-19 16:44:48,469 - mmseg - INFO - Saving checkpoint at 124000 iterations 2023-02-19 16:44:50,444 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:44:50,445 - mmseg - INFO - Iter [124000/160000] lr: 1.350e-05, eta: 3:41:03, time: 0.403, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1265, decode.acc_seg: 94.6115, aux.loss_ce: 0.0771, aux.acc_seg: 91.9675, loss: 0.2037, grad_norm: 2.8277 2023-02-19 16:45:08,592 - mmseg - INFO - Iter [124050/160000] lr: 1.348e-05, eta: 3:40:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1187, decode.acc_seg: 94.9956, aux.loss_ce: 0.0735, aux.acc_seg: 92.2999, loss: 0.1922, grad_norm: 2.2890 2023-02-19 16:45:27,151 - mmseg - INFO - Iter [124100/160000] lr: 1.346e-05, eta: 3:40:26, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1218, decode.acc_seg: 94.8429, aux.loss_ce: 0.0751, aux.acc_seg: 92.1475, loss: 0.1969, grad_norm: 2.1674 2023-02-19 16:45:45,593 - mmseg - INFO - Iter [124150/160000] lr: 1.344e-05, eta: 3:40:07, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1208, decode.acc_seg: 94.7159, aux.loss_ce: 0.0745, aux.acc_seg: 92.0899, loss: 0.1953, grad_norm: 2.2418 2023-02-19 16:46:03,688 - mmseg - INFO - Iter [124200/160000] lr: 1.343e-05, eta: 3:39:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1292, decode.acc_seg: 94.6529, aux.loss_ce: 0.0770, aux.acc_seg: 92.1102, loss: 0.2062, grad_norm: 2.5208 2023-02-19 16:46:21,812 - mmseg - INFO - Iter [124250/160000] lr: 1.341e-05, eta: 3:39:30, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1243, decode.acc_seg: 94.9257, aux.loss_ce: 0.0745, aux.acc_seg: 92.3950, loss: 0.1988, grad_norm: 2.9233 2023-02-19 16:46:39,991 - mmseg - INFO - Iter [124300/160000] lr: 1.339e-05, eta: 3:39:12, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1183, decode.acc_seg: 94.9303, aux.loss_ce: 0.0717, aux.acc_seg: 92.4397, loss: 0.1900, grad_norm: 1.9473 2023-02-19 16:46:58,154 - mmseg - INFO - Iter [124350/160000] lr: 1.337e-05, eta: 3:38:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1200, decode.acc_seg: 94.7765, aux.loss_ce: 0.0728, aux.acc_seg: 92.2349, loss: 0.1929, grad_norm: 2.1713 2023-02-19 16:47:16,510 - mmseg - INFO - Iter [124400/160000] lr: 1.335e-05, eta: 3:38:35, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1192, decode.acc_seg: 94.7534, aux.loss_ce: 0.0733, aux.acc_seg: 92.1504, loss: 0.1925, grad_norm: 2.2650 2023-02-19 16:47:34,568 - mmseg - INFO - Iter [124450/160000] lr: 1.333e-05, eta: 3:38:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1327, decode.acc_seg: 94.3947, aux.loss_ce: 0.0812, aux.acc_seg: 91.8394, loss: 0.2139, grad_norm: 2.9583 2023-02-19 16:47:52,680 - mmseg - INFO - Iter [124500/160000] lr: 1.331e-05, eta: 3:37:58, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1224, decode.acc_seg: 94.7654, aux.loss_ce: 0.0762, aux.acc_seg: 91.9242, loss: 0.1985, grad_norm: 2.2413 2023-02-19 16:48:11,068 - mmseg - INFO - Iter [124550/160000] lr: 1.329e-05, eta: 3:37:40, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.6634, aux.loss_ce: 0.0747, aux.acc_seg: 92.0106, loss: 0.1978, grad_norm: 2.4235 2023-02-19 16:48:29,047 - mmseg - INFO - Iter [124600/160000] lr: 1.328e-05, eta: 3:37:21, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1179, decode.acc_seg: 94.8195, aux.loss_ce: 0.0727, aux.acc_seg: 92.2864, loss: 0.1906, grad_norm: 2.4598 2023-02-19 16:48:47,429 - mmseg - INFO - Iter [124650/160000] lr: 1.326e-05, eta: 3:37:03, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1203, decode.acc_seg: 94.7801, aux.loss_ce: 0.0732, aux.acc_seg: 92.2672, loss: 0.1935, grad_norm: 2.1102 2023-02-19 16:49:05,644 - mmseg - INFO - Iter [124700/160000] lr: 1.324e-05, eta: 3:36:44, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.7826, aux.loss_ce: 0.0715, aux.acc_seg: 92.4238, loss: 0.1933, grad_norm: 2.0218 2023-02-19 16:49:23,798 - mmseg - INFO - Iter [124750/160000] lr: 1.322e-05, eta: 3:36:26, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1280, decode.acc_seg: 94.5619, aux.loss_ce: 0.0725, aux.acc_seg: 92.3937, loss: 0.2004, grad_norm: 2.3386 2023-02-19 16:49:41,772 - mmseg - INFO - Iter [124800/160000] lr: 1.320e-05, eta: 3:36:07, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1162, decode.acc_seg: 95.0600, aux.loss_ce: 0.0716, aux.acc_seg: 92.5962, loss: 0.1877, grad_norm: 1.8340 2023-02-19 16:49:59,978 - mmseg - INFO - Iter [124850/160000] lr: 1.318e-05, eta: 3:35:49, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1170, decode.acc_seg: 95.0058, aux.loss_ce: 0.0720, aux.acc_seg: 92.4169, loss: 0.1890, grad_norm: 2.6052 2023-02-19 16:50:18,036 - mmseg - INFO - Iter [124900/160000] lr: 1.316e-05, eta: 3:35:30, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1198, decode.acc_seg: 94.8433, aux.loss_ce: 0.0743, aux.acc_seg: 92.1110, loss: 0.1941, grad_norm: 2.2157 2023-02-19 16:50:36,194 - mmseg - INFO - Iter [124950/160000] lr: 1.314e-05, eta: 3:35:12, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1221, decode.acc_seg: 94.8836, aux.loss_ce: 0.0778, aux.acc_seg: 91.9755, loss: 0.1999, grad_norm: 3.4281 2023-02-19 16:50:54,402 - mmseg - INFO - Saving checkpoint at 125000 iterations 2023-02-19 16:50:56,151 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:50:56,151 - mmseg - INFO - Iter [125000/160000] lr: 1.313e-05, eta: 3:34:54, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1137, decode.acc_seg: 95.0899, aux.loss_ce: 0.0696, aux.acc_seg: 92.5591, loss: 0.1832, grad_norm: 2.2266 2023-02-19 16:51:16,548 - mmseg - INFO - Iter [125050/160000] lr: 1.311e-05, eta: 3:34:36, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1188, decode.acc_seg: 94.8306, aux.loss_ce: 0.0722, aux.acc_seg: 92.3092, loss: 0.1910, grad_norm: 1.9892 2023-02-19 16:51:34,801 - mmseg - INFO - Iter [125100/160000] lr: 1.309e-05, eta: 3:34:17, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1230, decode.acc_seg: 94.6868, aux.loss_ce: 0.0753, aux.acc_seg: 92.0761, loss: 0.1983, grad_norm: 2.2531 2023-02-19 16:51:53,410 - mmseg - INFO - Iter [125150/160000] lr: 1.307e-05, eta: 3:33:59, time: 0.372, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1275, decode.acc_seg: 94.5735, aux.loss_ce: 0.0754, aux.acc_seg: 92.1218, loss: 0.2029, grad_norm: 2.2737 2023-02-19 16:52:11,460 - mmseg - INFO - Iter [125200/160000] lr: 1.305e-05, eta: 3:33:40, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1187, decode.acc_seg: 94.8491, aux.loss_ce: 0.0719, aux.acc_seg: 92.2873, loss: 0.1906, grad_norm: 1.7948 2023-02-19 16:52:29,547 - mmseg - INFO - Iter [125250/160000] lr: 1.303e-05, eta: 3:33:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1162, decode.acc_seg: 95.0095, aux.loss_ce: 0.0716, aux.acc_seg: 92.4436, loss: 0.1878, grad_norm: 2.4524 2023-02-19 16:52:47,764 - mmseg - INFO - Iter [125300/160000] lr: 1.301e-05, eta: 3:33:03, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1202, decode.acc_seg: 94.8305, aux.loss_ce: 0.0726, aux.acc_seg: 92.3997, loss: 0.1928, grad_norm: 2.0837 2023-02-19 16:53:05,938 - mmseg - INFO - Iter [125350/160000] lr: 1.299e-05, eta: 3:32:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1213, decode.acc_seg: 94.8693, aux.loss_ce: 0.0740, aux.acc_seg: 92.3903, loss: 0.1952, grad_norm: 1.8855 2023-02-19 16:53:23,963 - mmseg - INFO - Iter [125400/160000] lr: 1.298e-05, eta: 3:32:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1208, decode.acc_seg: 94.8404, aux.loss_ce: 0.0729, aux.acc_seg: 92.4071, loss: 0.1937, grad_norm: 1.7276 2023-02-19 16:53:42,389 - mmseg - INFO - Iter [125450/160000] lr: 1.296e-05, eta: 3:32:08, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.9166, aux.loss_ce: 0.0726, aux.acc_seg: 92.3332, loss: 0.1904, grad_norm: 2.3028 2023-02-19 16:54:00,442 - mmseg - INFO - Iter [125500/160000] lr: 1.294e-05, eta: 3:31:49, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1176, decode.acc_seg: 94.9496, aux.loss_ce: 0.0717, aux.acc_seg: 92.4328, loss: 0.1893, grad_norm: 1.8153 2023-02-19 16:54:18,680 - mmseg - INFO - Iter [125550/160000] lr: 1.292e-05, eta: 3:31:31, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.8778, aux.loss_ce: 0.0742, aux.acc_seg: 92.2883, loss: 0.1953, grad_norm: 2.6324 2023-02-19 16:54:36,746 - mmseg - INFO - Iter [125600/160000] lr: 1.290e-05, eta: 3:31:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1208, decode.acc_seg: 94.8057, aux.loss_ce: 0.0723, aux.acc_seg: 92.3391, loss: 0.1931, grad_norm: 2.2402 2023-02-19 16:54:54,770 - mmseg - INFO - Iter [125650/160000] lr: 1.288e-05, eta: 3:30:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1228, decode.acc_seg: 94.6437, aux.loss_ce: 0.0725, aux.acc_seg: 92.2113, loss: 0.1954, grad_norm: 2.1106 2023-02-19 16:55:12,816 - mmseg - INFO - Iter [125700/160000] lr: 1.286e-05, eta: 3:30:35, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.0454, aux.loss_ce: 0.0687, aux.acc_seg: 92.5086, loss: 0.1807, grad_norm: 1.7525 2023-02-19 16:55:30,842 - mmseg - INFO - Iter [125750/160000] lr: 1.284e-05, eta: 3:30:17, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1244, decode.acc_seg: 94.7354, aux.loss_ce: 0.0753, aux.acc_seg: 92.1396, loss: 0.1997, grad_norm: 2.1654 2023-02-19 16:55:49,143 - mmseg - INFO - Iter [125800/160000] lr: 1.283e-05, eta: 3:29:58, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1174, decode.acc_seg: 95.0666, aux.loss_ce: 0.0712, aux.acc_seg: 92.6400, loss: 0.1886, grad_norm: 2.2363 2023-02-19 16:56:07,382 - mmseg - INFO - Iter [125850/160000] lr: 1.281e-05, eta: 3:29:40, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1254, decode.acc_seg: 94.7551, aux.loss_ce: 0.0772, aux.acc_seg: 92.1748, loss: 0.2026, grad_norm: 2.9333 2023-02-19 16:56:25,424 - mmseg - INFO - Iter [125900/160000] lr: 1.279e-05, eta: 3:29:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1229, decode.acc_seg: 94.7546, aux.loss_ce: 0.0735, aux.acc_seg: 92.1247, loss: 0.1964, grad_norm: 2.2246 2023-02-19 16:56:43,793 - mmseg - INFO - Iter [125950/160000] lr: 1.277e-05, eta: 3:29:03, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1185, decode.acc_seg: 94.8581, aux.loss_ce: 0.0716, aux.acc_seg: 92.3612, loss: 0.1901, grad_norm: 1.9690 2023-02-19 16:57:01,958 - mmseg - INFO - Saving checkpoint at 126000 iterations 2023-02-19 16:57:03,720 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 16:57:03,720 - mmseg - INFO - Iter [126000/160000] lr: 1.275e-05, eta: 3:28:45, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.5792, aux.loss_ce: 0.0761, aux.acc_seg: 91.9080, loss: 0.1992, grad_norm: 2.3158 2023-02-19 16:57:21,836 - mmseg - INFO - Iter [126050/160000] lr: 1.273e-05, eta: 3:28:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1255, decode.acc_seg: 94.6331, aux.loss_ce: 0.0766, aux.acc_seg: 92.0518, loss: 0.2021, grad_norm: 1.9853 2023-02-19 16:57:40,101 - mmseg - INFO - Iter [126100/160000] lr: 1.271e-05, eta: 3:28:08, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1275, decode.acc_seg: 94.6852, aux.loss_ce: 0.0772, aux.acc_seg: 92.2062, loss: 0.2047, grad_norm: 2.5210 2023-02-19 16:57:58,641 - mmseg - INFO - Iter [126150/160000] lr: 1.269e-05, eta: 3:27:50, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1235, decode.acc_seg: 94.5389, aux.loss_ce: 0.0750, aux.acc_seg: 91.9087, loss: 0.1985, grad_norm: 2.3845 2023-02-19 16:58:16,873 - mmseg - INFO - Iter [126200/160000] lr: 1.268e-05, eta: 3:27:31, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.9543, aux.loss_ce: 0.0684, aux.acc_seg: 92.8371, loss: 0.1861, grad_norm: 2.8010 2023-02-19 16:58:35,228 - mmseg - INFO - Iter [126250/160000] lr: 1.266e-05, eta: 3:27:13, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1196, decode.acc_seg: 94.7580, aux.loss_ce: 0.0702, aux.acc_seg: 92.5205, loss: 0.1898, grad_norm: 1.9503 2023-02-19 16:58:53,226 - mmseg - INFO - Iter [126300/160000] lr: 1.264e-05, eta: 3:26:54, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1267, decode.acc_seg: 94.5509, aux.loss_ce: 0.0778, aux.acc_seg: 91.6610, loss: 0.2045, grad_norm: 3.2577 2023-02-19 16:59:13,679 - mmseg - INFO - Iter [126350/160000] lr: 1.262e-05, eta: 3:26:36, time: 0.409, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1252, decode.acc_seg: 94.7601, aux.loss_ce: 0.0734, aux.acc_seg: 92.4311, loss: 0.1986, grad_norm: 2.0014 2023-02-19 16:59:31,732 - mmseg - INFO - Iter [126400/160000] lr: 1.260e-05, eta: 3:26:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.8836, aux.loss_ce: 0.0729, aux.acc_seg: 92.4665, loss: 0.1940, grad_norm: 2.3262 2023-02-19 16:59:49,726 - mmseg - INFO - Iter [126450/160000] lr: 1.258e-05, eta: 3:25:59, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1193, decode.acc_seg: 94.8528, aux.loss_ce: 0.0709, aux.acc_seg: 92.5037, loss: 0.1902, grad_norm: 1.9288 2023-02-19 17:00:07,714 - mmseg - INFO - Iter [126500/160000] lr: 1.256e-05, eta: 3:25:41, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1171, decode.acc_seg: 94.9374, aux.loss_ce: 0.0728, aux.acc_seg: 92.3097, loss: 0.1898, grad_norm: 2.5916 2023-02-19 17:00:25,829 - mmseg - INFO - Iter [126550/160000] lr: 1.254e-05, eta: 3:25:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1226, decode.acc_seg: 94.7247, aux.loss_ce: 0.0738, aux.acc_seg: 92.3029, loss: 0.1963, grad_norm: 2.0036 2023-02-19 17:00:44,056 - mmseg - INFO - Iter [126600/160000] lr: 1.253e-05, eta: 3:25:04, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1175, decode.acc_seg: 94.9591, aux.loss_ce: 0.0736, aux.acc_seg: 92.4386, loss: 0.1911, grad_norm: 1.9443 2023-02-19 17:01:02,039 - mmseg - INFO - Iter [126650/160000] lr: 1.251e-05, eta: 3:24:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1111, decode.acc_seg: 95.2012, aux.loss_ce: 0.0669, aux.acc_seg: 92.9538, loss: 0.1779, grad_norm: 1.6942 2023-02-19 17:01:20,117 - mmseg - INFO - Iter [126700/160000] lr: 1.249e-05, eta: 3:24:27, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1227, decode.acc_seg: 94.6962, aux.loss_ce: 0.0733, aux.acc_seg: 92.2310, loss: 0.1961, grad_norm: 2.3236 2023-02-19 17:01:38,142 - mmseg - INFO - Iter [126750/160000] lr: 1.247e-05, eta: 3:24:08, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1185, decode.acc_seg: 95.0099, aux.loss_ce: 0.0705, aux.acc_seg: 92.7838, loss: 0.1891, grad_norm: 2.5251 2023-02-19 17:01:56,517 - mmseg - INFO - Iter [126800/160000] lr: 1.245e-05, eta: 3:23:50, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1191, decode.acc_seg: 94.9804, aux.loss_ce: 0.0747, aux.acc_seg: 92.2835, loss: 0.1938, grad_norm: 1.9469 2023-02-19 17:02:14,771 - mmseg - INFO - Iter [126850/160000] lr: 1.243e-05, eta: 3:23:31, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1166, decode.acc_seg: 94.8465, aux.loss_ce: 0.0701, aux.acc_seg: 92.5069, loss: 0.1866, grad_norm: 1.7509 2023-02-19 17:02:32,956 - mmseg - INFO - Iter [126900/160000] lr: 1.241e-05, eta: 3:23:13, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1203, decode.acc_seg: 94.8445, aux.loss_ce: 0.0720, aux.acc_seg: 92.3479, loss: 0.1923, grad_norm: 2.4764 2023-02-19 17:02:51,589 - mmseg - INFO - Iter [126950/160000] lr: 1.239e-05, eta: 3:22:54, time: 0.372, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1200, decode.acc_seg: 94.8506, aux.loss_ce: 0.0720, aux.acc_seg: 92.4228, loss: 0.1920, grad_norm: 2.0309 2023-02-19 17:03:09,733 - mmseg - INFO - Saving checkpoint at 127000 iterations 2023-02-19 17:03:11,544 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:03:11,544 - mmseg - INFO - Iter [127000/160000] lr: 1.238e-05, eta: 3:22:36, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 95.0263, aux.loss_ce: 0.0711, aux.acc_seg: 92.6508, loss: 0.1876, grad_norm: 1.9932 2023-02-19 17:03:29,610 - mmseg - INFO - Iter [127050/160000] lr: 1.236e-05, eta: 3:22:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1174, decode.acc_seg: 94.8702, aux.loss_ce: 0.0705, aux.acc_seg: 92.4591, loss: 0.1878, grad_norm: 2.1721 2023-02-19 17:03:47,734 - mmseg - INFO - Iter [127100/160000] lr: 1.234e-05, eta: 3:21:59, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1137, decode.acc_seg: 95.0689, aux.loss_ce: 0.0705, aux.acc_seg: 92.4847, loss: 0.1842, grad_norm: 1.8814 2023-02-19 17:04:05,822 - mmseg - INFO - Iter [127150/160000] lr: 1.232e-05, eta: 3:21:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1259, decode.acc_seg: 94.7301, aux.loss_ce: 0.0770, aux.acc_seg: 91.9632, loss: 0.2029, grad_norm: 2.9294 2023-02-19 17:04:24,100 - mmseg - INFO - Iter [127200/160000] lr: 1.230e-05, eta: 3:21:22, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1156, decode.acc_seg: 94.9973, aux.loss_ce: 0.0690, aux.acc_seg: 92.6168, loss: 0.1846, grad_norm: 1.6917 2023-02-19 17:04:42,343 - mmseg - INFO - Iter [127250/160000] lr: 1.228e-05, eta: 3:21:04, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1194, decode.acc_seg: 94.7586, aux.loss_ce: 0.0732, aux.acc_seg: 92.2336, loss: 0.1925, grad_norm: 2.8125 2023-02-19 17:05:00,581 - mmseg - INFO - Iter [127300/160000] lr: 1.226e-05, eta: 3:20:45, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1216, decode.acc_seg: 94.8498, aux.loss_ce: 0.0765, aux.acc_seg: 92.0305, loss: 0.1982, grad_norm: 2.4104 2023-02-19 17:05:18,701 - mmseg - INFO - Iter [127350/160000] lr: 1.224e-05, eta: 3:20:27, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 94.8986, aux.loss_ce: 0.0702, aux.acc_seg: 92.3735, loss: 0.1861, grad_norm: 2.0982 2023-02-19 17:05:37,060 - mmseg - INFO - Iter [127400/160000] lr: 1.223e-05, eta: 3:20:09, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1163, decode.acc_seg: 94.8836, aux.loss_ce: 0.0709, aux.acc_seg: 92.4296, loss: 0.1872, grad_norm: 2.3411 2023-02-19 17:05:55,088 - mmseg - INFO - Iter [127450/160000] lr: 1.221e-05, eta: 3:19:50, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1244, decode.acc_seg: 94.5618, aux.loss_ce: 0.0745, aux.acc_seg: 92.0422, loss: 0.1989, grad_norm: 1.9152 2023-02-19 17:06:13,101 - mmseg - INFO - Iter [127500/160000] lr: 1.219e-05, eta: 3:19:31, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1219, decode.acc_seg: 94.7951, aux.loss_ce: 0.0760, aux.acc_seg: 92.1318, loss: 0.1979, grad_norm: 2.4887 2023-02-19 17:06:31,176 - mmseg - INFO - Iter [127550/160000] lr: 1.217e-05, eta: 3:19:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1208, decode.acc_seg: 94.7201, aux.loss_ce: 0.0734, aux.acc_seg: 92.2424, loss: 0.1942, grad_norm: 2.3659 2023-02-19 17:06:51,496 - mmseg - INFO - Iter [127600/160000] lr: 1.215e-05, eta: 3:18:55, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1176, decode.acc_seg: 94.8778, aux.loss_ce: 0.0700, aux.acc_seg: 92.5232, loss: 0.1876, grad_norm: 2.4442 2023-02-19 17:07:09,747 - mmseg - INFO - Iter [127650/160000] lr: 1.213e-05, eta: 3:18:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1221, decode.acc_seg: 94.7818, aux.loss_ce: 0.0741, aux.acc_seg: 92.3003, loss: 0.1962, grad_norm: 2.2712 2023-02-19 17:07:27,925 - mmseg - INFO - Iter [127700/160000] lr: 1.211e-05, eta: 3:18:18, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 95.0862, aux.loss_ce: 0.0706, aux.acc_seg: 92.6457, loss: 0.1867, grad_norm: 1.7277 2023-02-19 17:07:46,242 - mmseg - INFO - Iter [127750/160000] lr: 1.209e-05, eta: 3:18:00, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1215, decode.acc_seg: 94.8441, aux.loss_ce: 0.0723, aux.acc_seg: 92.4395, loss: 0.1938, grad_norm: 1.8921 2023-02-19 17:08:04,562 - mmseg - INFO - Iter [127800/160000] lr: 1.208e-05, eta: 3:17:41, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1186, decode.acc_seg: 94.9531, aux.loss_ce: 0.0720, aux.acc_seg: 92.4286, loss: 0.1906, grad_norm: 2.2207 2023-02-19 17:08:22,741 - mmseg - INFO - Iter [127850/160000] lr: 1.206e-05, eta: 3:17:23, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1164, decode.acc_seg: 94.8996, aux.loss_ce: 0.0700, aux.acc_seg: 92.5421, loss: 0.1864, grad_norm: 1.8691 2023-02-19 17:08:40,799 - mmseg - INFO - Iter [127900/160000] lr: 1.204e-05, eta: 3:17:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1142, decode.acc_seg: 95.0295, aux.loss_ce: 0.0698, aux.acc_seg: 92.5189, loss: 0.1840, grad_norm: 2.0186 2023-02-19 17:08:58,851 - mmseg - INFO - Iter [127950/160000] lr: 1.202e-05, eta: 3:16:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1191, decode.acc_seg: 94.8268, aux.loss_ce: 0.0732, aux.acc_seg: 92.1554, loss: 0.1923, grad_norm: 2.0607 2023-02-19 17:09:16,950 - mmseg - INFO - Saving checkpoint at 128000 iterations 2023-02-19 17:09:18,753 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:09:18,753 - mmseg - INFO - Iter [128000/160000] lr: 1.200e-05, eta: 3:16:28, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1213, decode.acc_seg: 94.7152, aux.loss_ce: 0.0750, aux.acc_seg: 92.0925, loss: 0.1963, grad_norm: 2.1906 2023-02-19 17:09:46,435 - mmseg - INFO - per class results: 2023-02-19 17:09:46,440 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 76.85 | 85.5 | | building | 81.99 | 92.13 | | sky | 93.92 | 98.02 | | floor | 80.73 | 91.57 | | tree | 74.16 | 88.21 | | ceiling | 82.99 | 93.37 | | road | 83.94 | 90.41 | | bed | 87.36 | 96.09 | | windowpane | 60.93 | 82.22 | | grass | 66.67 | 85.05 | | cabinet | 64.37 | 77.6 | | sidewalk | 66.64 | 83.25 | | person | 80.67 | 92.45 | | earth | 36.61 | 52.15 | | door | 52.52 | 69.43 | | table | 61.1 | 78.21 | | mountain | 55.53 | 68.55 | | plant | 49.32 | 57.82 | | curtain | 73.1 | 84.19 | | chair | 57.6 | 75.17 | | car | 84.23 | 93.2 | | water | 53.2 | 71.35 | | painting | 77.79 | 89.09 | | sofa | 66.25 | 81.39 | | shelf | 43.39 | 65.98 | | house | 48.18 | 62.49 | | sea | 60.36 | 75.55 | | mirror | 67.0 | 72.99 | | rug | 64.34 | 70.5 | | field | 28.42 | 36.17 | | armchair | 39.89 | 56.63 | | seat | 61.56 | 77.41 | | fence | 38.83 | 50.45 | | desk | 51.03 | 63.31 | | rock | 37.97 | 57.4 | | wardrobe | 52.51 | 60.31 | | lamp | 62.36 | 79.59 | | bathtub | 79.92 | 84.65 | | railing | 35.79 | 51.25 | | cushion | 54.55 | 70.14 | | base | 22.16 | 29.49 | | box | 23.35 | 27.46 | | column | 42.0 | 58.16 | | signboard | 37.12 | 54.39 | | chest of drawers | 39.15 | 55.75 | | counter | 29.08 | 41.63 | | sand | 42.4 | 56.27 | | sink | 74.07 | 80.24 | | skyscraper | 46.12 | 58.71 | | fireplace | 71.71 | 90.13 | | refrigerator | 74.52 | 82.69 | | grandstand | 38.93 | 62.37 | | path | 23.25 | 34.25 | | stairs | 28.85 | 35.84 | | runway | 66.6 | 85.41 | | case | 37.05 | 45.57 | | pool table | 93.04 | 96.84 | | pillow | 54.23 | 65.02 | | screen door | 72.0 | 81.99 | | stairway | 29.25 | 39.13 | | river | 9.56 | 23.77 | | bridge | 66.16 | 78.76 | | bookcase | 44.2 | 61.41 | | blind | 40.14 | 47.57 | | coffee table | 59.01 | 85.05 | | toilet | 84.79 | 91.79 | | flower | 39.64 | 59.19 | | book | 48.67 | 72.13 | | hill | 9.92 | 19.27 | | bench | 45.14 | 53.09 | | countertop | 46.76 | 73.41 | | stove | 77.43 | 83.51 | | palm | 52.51 | 74.66 | | kitchen island | 38.0 | 72.49 | | computer | 67.62 | 77.66 | | swivel chair | 45.51 | 59.22 | | boat | 42.38 | 48.17 | | bar | 25.46 | 31.42 | | arcade machine | 41.52 | 43.96 | | hovel | 31.43 | 34.48 | | bus | 86.17 | 96.25 | | towel | 64.69 | 78.27 | | light | 56.63 | 65.29 | | truck | 39.27 | 49.27 | | tower | 5.85 | 8.09 | | chandelier | 65.09 | 87.31 | | awning | 29.94 | 40.47 | | streetlight | 29.36 | 44.55 | | booth | 61.63 | 66.93 | | television receiver | 68.21 | 80.64 | | airplane | 55.4 | 66.09 | | dirt track | 2.0 | 3.3 | | apparel | 34.05 | 67.07 | | pole | 23.63 | 35.8 | | land | 3.63 | 5.35 | | bannister | 3.97 | 4.53 | | escalator | 40.63 | 48.54 | | ottoman | 46.75 | 61.74 | | bottle | 36.05 | 57.48 | | buffet | 35.5 | 42.84 | | poster | 29.78 | 37.55 | | stage | 15.96 | 25.06 | | van | 44.46 | 58.26 | | ship | 61.67 | 88.17 | | fountain | 34.94 | 37.28 | | conveyer belt | 70.65 | 74.22 | | canopy | 31.57 | 39.96 | | washer | 71.76 | 73.37 | | plaything | 26.69 | 40.22 | | swimming pool | 56.17 | 72.06 | | stool | 43.13 | 56.95 | | barrel | 30.31 | 74.58 | | basket | 29.13 | 40.51 | | waterfall | 57.0 | 65.15 | | tent | 95.52 | 98.26 | | bag | 10.45 | 12.07 | | minibike | 66.01 | 84.85 | | cradle | 77.23 | 98.77 | | oven | 57.33 | 78.61 | | ball | 40.33 | 60.49 | | food | 47.23 | 54.45 | | step | 11.71 | 15.05 | | tank | 41.07 | 46.48 | | trade name | 26.61 | 33.58 | | microwave | 80.54 | 88.23 | | pot | 45.23 | 61.1 | | animal | 55.54 | 57.4 | | bicycle | 56.57 | 83.49 | | lake | 34.45 | 36.78 | | dishwasher | 70.26 | 80.53 | | screen | 67.79 | 87.08 | | blanket | 8.05 | 9.49 | | sculpture | 66.65 | 82.7 | | hood | 61.6 | 77.33 | | sconce | 41.69 | 56.24 | | vase | 34.23 | 45.25 | | traffic light | 37.15 | 56.98 | | tray | 13.48 | 24.03 | | ashcan | 35.14 | 50.78 | | fan | 65.12 | 83.83 | | pier | 41.58 | 55.21 | | crt screen | 4.34 | 10.05 | | plate | 55.94 | 78.35 | | monitor | 13.26 | 16.03 | | bulletin board | 32.85 | 47.35 | | shower | 0.23 | 0.44 | | radiator | 58.74 | 64.23 | | glass | 12.05 | 13.01 | | clock | 44.74 | 59.12 | | flag | 46.93 | 56.35 | +---------------------+-------+-------+ 2023-02-19 17:09:46,441 - mmseg - INFO - Summary: 2023-02-19 17:09:46,441 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 82.8 | 48.7 | 60.94 | +------+------+-------+ 2023-02-19 17:09:46,442 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:09:46,442 - mmseg - INFO - Iter(val) [500] aAcc: 0.8280, mIoU: 0.4870, mAcc: 0.6094, IoU.wall: 0.7685, IoU.building: 0.8199, IoU.sky: 0.9392, IoU.floor: 0.8073, IoU.tree: 0.7416, IoU.ceiling: 0.8299, IoU.road: 0.8394, IoU.bed : 0.8736, IoU.windowpane: 0.6093, IoU.grass: 0.6667, IoU.cabinet: 0.6437, IoU.sidewalk: 0.6664, IoU.person: 0.8067, IoU.earth: 0.3661, IoU.door: 0.5252, IoU.table: 0.6110, IoU.mountain: 0.5553, IoU.plant: 0.4932, IoU.curtain: 0.7310, IoU.chair: 0.5760, IoU.car: 0.8423, IoU.water: 0.5320, IoU.painting: 0.7779, IoU.sofa: 0.6625, IoU.shelf: 0.4339, IoU.house: 0.4818, IoU.sea: 0.6036, IoU.mirror: 0.6700, IoU.rug: 0.6434, IoU.field: 0.2842, IoU.armchair: 0.3989, IoU.seat: 0.6156, IoU.fence: 0.3883, IoU.desk: 0.5103, IoU.rock: 0.3797, IoU.wardrobe: 0.5251, IoU.lamp: 0.6236, IoU.bathtub: 0.7992, IoU.railing: 0.3579, IoU.cushion: 0.5455, IoU.base: 0.2216, IoU.box: 0.2335, IoU.column: 0.4200, IoU.signboard: 0.3712, IoU.chest of drawers: 0.3915, IoU.counter: 0.2908, IoU.sand: 0.4240, IoU.sink: 0.7407, IoU.skyscraper: 0.4612, IoU.fireplace: 0.7171, IoU.refrigerator: 0.7452, IoU.grandstand: 0.3893, IoU.path: 0.2325, IoU.stairs: 0.2885, IoU.runway: 0.6660, IoU.case: 0.3705, IoU.pool table: 0.9304, IoU.pillow: 0.5423, IoU.screen door: 0.7200, IoU.stairway: 0.2925, IoU.river: 0.0956, IoU.bridge: 0.6616, IoU.bookcase: 0.4420, IoU.blind: 0.4014, IoU.coffee table: 0.5901, IoU.toilet: 0.8479, IoU.flower: 0.3964, IoU.book: 0.4867, IoU.hill: 0.0992, IoU.bench: 0.4514, IoU.countertop: 0.4676, IoU.stove: 0.7743, IoU.palm: 0.5251, IoU.kitchen island: 0.3800, IoU.computer: 0.6762, IoU.swivel chair: 0.4551, IoU.boat: 0.4238, IoU.bar: 0.2546, IoU.arcade machine: 0.4152, IoU.hovel: 0.3143, IoU.bus: 0.8617, IoU.towel: 0.6469, IoU.light: 0.5663, IoU.truck: 0.3927, IoU.tower: 0.0585, IoU.chandelier: 0.6509, IoU.awning: 0.2994, IoU.streetlight: 0.2936, IoU.booth: 0.6163, IoU.television receiver: 0.6821, IoU.airplane: 0.5540, IoU.dirt track: 0.0200, IoU.apparel: 0.3405, IoU.pole: 0.2363, IoU.land: 0.0363, IoU.bannister: 0.0397, IoU.escalator: 0.4063, IoU.ottoman: 0.4675, IoU.bottle: 0.3605, IoU.buffet: 0.3550, IoU.poster: 0.2978, IoU.stage: 0.1596, IoU.van: 0.4446, IoU.ship: 0.6167, IoU.fountain: 0.3494, IoU.conveyer belt: 0.7065, IoU.canopy: 0.3157, IoU.washer: 0.7176, IoU.plaything: 0.2669, IoU.swimming pool: 0.5617, IoU.stool: 0.4313, IoU.barrel: 0.3031, IoU.basket: 0.2913, IoU.waterfall: 0.5700, IoU.tent: 0.9552, IoU.bag: 0.1045, IoU.minibike: 0.6601, IoU.cradle: 0.7723, IoU.oven: 0.5733, IoU.ball: 0.4033, IoU.food: 0.4723, IoU.step: 0.1171, IoU.tank: 0.4107, IoU.trade name: 0.2661, IoU.microwave: 0.8054, IoU.pot: 0.4523, IoU.animal: 0.5554, IoU.bicycle: 0.5657, IoU.lake: 0.3445, IoU.dishwasher: 0.7026, IoU.screen: 0.6779, IoU.blanket: 0.0805, IoU.sculpture: 0.6665, IoU.hood: 0.6160, IoU.sconce: 0.4169, IoU.vase: 0.3423, IoU.traffic light: 0.3715, IoU.tray: 0.1348, IoU.ashcan: 0.3514, IoU.fan: 0.6512, IoU.pier: 0.4158, IoU.crt screen: 0.0434, IoU.plate: 0.5594, IoU.monitor: 0.1326, IoU.bulletin board: 0.3285, IoU.shower: 0.0023, IoU.radiator: 0.5874, IoU.glass: 0.1205, IoU.clock: 0.4474, IoU.flag: 0.4693, Acc.wall: 0.8550, Acc.building: 0.9213, Acc.sky: 0.9802, Acc.floor: 0.9157, Acc.tree: 0.8821, Acc.ceiling: 0.9337, Acc.road: 0.9041, Acc.bed : 0.9609, Acc.windowpane: 0.8222, Acc.grass: 0.8505, Acc.cabinet: 0.7760, Acc.sidewalk: 0.8325, Acc.person: 0.9245, Acc.earth: 0.5215, Acc.door: 0.6943, Acc.table: 0.7821, Acc.mountain: 0.6855, Acc.plant: 0.5782, Acc.curtain: 0.8419, Acc.chair: 0.7517, Acc.car: 0.9320, Acc.water: 0.7135, Acc.painting: 0.8909, Acc.sofa: 0.8139, Acc.shelf: 0.6598, Acc.house: 0.6249, Acc.sea: 0.7555, Acc.mirror: 0.7299, Acc.rug: 0.7050, Acc.field: 0.3617, Acc.armchair: 0.5663, Acc.seat: 0.7741, Acc.fence: 0.5045, Acc.desk: 0.6331, Acc.rock: 0.5740, Acc.wardrobe: 0.6031, Acc.lamp: 0.7959, Acc.bathtub: 0.8465, Acc.railing: 0.5125, Acc.cushion: 0.7014, Acc.base: 0.2949, Acc.box: 0.2746, Acc.column: 0.5816, Acc.signboard: 0.5439, Acc.chest of drawers: 0.5575, Acc.counter: 0.4163, Acc.sand: 0.5627, Acc.sink: 0.8024, Acc.skyscraper: 0.5871, Acc.fireplace: 0.9013, Acc.refrigerator: 0.8269, Acc.grandstand: 0.6237, Acc.path: 0.3425, Acc.stairs: 0.3584, Acc.runway: 0.8541, Acc.case: 0.4557, Acc.pool table: 0.9684, Acc.pillow: 0.6502, Acc.screen door: 0.8199, Acc.stairway: 0.3913, Acc.river: 0.2377, Acc.bridge: 0.7876, Acc.bookcase: 0.6141, Acc.blind: 0.4757, Acc.coffee table: 0.8505, Acc.toilet: 0.9179, Acc.flower: 0.5919, Acc.book: 0.7213, Acc.hill: 0.1927, Acc.bench: 0.5309, Acc.countertop: 0.7341, Acc.stove: 0.8351, Acc.palm: 0.7466, Acc.kitchen island: 0.7249, Acc.computer: 0.7766, Acc.swivel chair: 0.5922, Acc.boat: 0.4817, Acc.bar: 0.3142, Acc.arcade machine: 0.4396, Acc.hovel: 0.3448, Acc.bus: 0.9625, Acc.towel: 0.7827, Acc.light: 0.6529, Acc.truck: 0.4927, Acc.tower: 0.0809, Acc.chandelier: 0.8731, Acc.awning: 0.4047, Acc.streetlight: 0.4455, Acc.booth: 0.6693, Acc.television receiver: 0.8064, Acc.airplane: 0.6609, Acc.dirt track: 0.0330, Acc.apparel: 0.6707, Acc.pole: 0.3580, Acc.land: 0.0535, Acc.bannister: 0.0453, Acc.escalator: 0.4854, Acc.ottoman: 0.6174, Acc.bottle: 0.5748, Acc.buffet: 0.4284, Acc.poster: 0.3755, Acc.stage: 0.2506, Acc.van: 0.5826, Acc.ship: 0.8817, Acc.fountain: 0.3728, Acc.conveyer belt: 0.7422, Acc.canopy: 0.3996, Acc.washer: 0.7337, Acc.plaything: 0.4022, Acc.swimming pool: 0.7206, Acc.stool: 0.5695, Acc.barrel: 0.7458, Acc.basket: 0.4051, Acc.waterfall: 0.6515, Acc.tent: 0.9826, Acc.bag: 0.1207, Acc.minibike: 0.8485, Acc.cradle: 0.9877, Acc.oven: 0.7861, Acc.ball: 0.6049, Acc.food: 0.5445, Acc.step: 0.1505, Acc.tank: 0.4648, Acc.trade name: 0.3358, Acc.microwave: 0.8823, Acc.pot: 0.6110, Acc.animal: 0.5740, Acc.bicycle: 0.8349, Acc.lake: 0.3678, Acc.dishwasher: 0.8053, Acc.screen: 0.8708, Acc.blanket: 0.0949, Acc.sculpture: 0.8270, Acc.hood: 0.7733, Acc.sconce: 0.5624, Acc.vase: 0.4525, Acc.traffic light: 0.5698, Acc.tray: 0.2403, Acc.ashcan: 0.5078, Acc.fan: 0.8383, Acc.pier: 0.5521, Acc.crt screen: 0.1005, Acc.plate: 0.7835, Acc.monitor: 0.1603, Acc.bulletin board: 0.4735, Acc.shower: 0.0044, Acc.radiator: 0.6423, Acc.glass: 0.1301, Acc.clock: 0.5912, Acc.flag: 0.5635 2023-02-19 17:10:04,564 - mmseg - INFO - Iter [128050/160000] lr: 1.198e-05, eta: 3:16:16, time: 0.916, data_time: 0.560, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 95.0027, aux.loss_ce: 0.0702, aux.acc_seg: 92.5977, loss: 0.1861, grad_norm: 2.2771 2023-02-19 17:10:22,623 - mmseg - INFO - Iter [128100/160000] lr: 1.196e-05, eta: 3:15:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1200, decode.acc_seg: 94.9904, aux.loss_ce: 0.0724, aux.acc_seg: 92.5078, loss: 0.1924, grad_norm: 2.3471 2023-02-19 17:10:40,645 - mmseg - INFO - Iter [128150/160000] lr: 1.194e-05, eta: 3:15:39, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 95.0493, aux.loss_ce: 0.0711, aux.acc_seg: 92.5409, loss: 0.1863, grad_norm: 1.9871 2023-02-19 17:10:58,625 - mmseg - INFO - Iter [128200/160000] lr: 1.193e-05, eta: 3:15:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1142, decode.acc_seg: 95.1438, aux.loss_ce: 0.0701, aux.acc_seg: 92.7006, loss: 0.1843, grad_norm: 2.1503 2023-02-19 17:11:16,827 - mmseg - INFO - Iter [128250/160000] lr: 1.191e-05, eta: 3:15:02, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1233, decode.acc_seg: 94.7425, aux.loss_ce: 0.0737, aux.acc_seg: 92.1957, loss: 0.1971, grad_norm: 2.6164 2023-02-19 17:11:35,213 - mmseg - INFO - Iter [128300/160000] lr: 1.189e-05, eta: 3:14:44, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1168, decode.acc_seg: 94.9756, aux.loss_ce: 0.0703, aux.acc_seg: 92.5861, loss: 0.1871, grad_norm: 1.7760 2023-02-19 17:11:53,197 - mmseg - INFO - Iter [128350/160000] lr: 1.187e-05, eta: 3:14:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.2253, aux.loss_ce: 0.0693, aux.acc_seg: 92.5477, loss: 0.1796, grad_norm: 1.6782 2023-02-19 17:12:11,189 - mmseg - INFO - Iter [128400/160000] lr: 1.185e-05, eta: 3:14:06, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1279, decode.acc_seg: 94.4627, aux.loss_ce: 0.0776, aux.acc_seg: 91.8337, loss: 0.2055, grad_norm: 2.2845 2023-02-19 17:12:29,125 - mmseg - INFO - Iter [128450/160000] lr: 1.183e-05, eta: 3:13:48, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1116, decode.acc_seg: 95.1662, aux.loss_ce: 0.0683, aux.acc_seg: 92.7291, loss: 0.1799, grad_norm: 1.5889 2023-02-19 17:12:47,140 - mmseg - INFO - Iter [128500/160000] lr: 1.181e-05, eta: 3:13:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1184, decode.acc_seg: 94.9028, aux.loss_ce: 0.0734, aux.acc_seg: 92.2962, loss: 0.1918, grad_norm: 2.4009 2023-02-19 17:13:05,321 - mmseg - INFO - Iter [128550/160000] lr: 1.179e-05, eta: 3:13:11, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1149, decode.acc_seg: 95.1442, aux.loss_ce: 0.0697, aux.acc_seg: 92.7368, loss: 0.1846, grad_norm: 2.2151 2023-02-19 17:13:23,620 - mmseg - INFO - Iter [128600/160000] lr: 1.178e-05, eta: 3:12:52, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1173, decode.acc_seg: 94.8460, aux.loss_ce: 0.0712, aux.acc_seg: 92.3318, loss: 0.1886, grad_norm: 1.7366 2023-02-19 17:13:41,980 - mmseg - INFO - Iter [128650/160000] lr: 1.176e-05, eta: 3:12:34, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1188, decode.acc_seg: 94.8349, aux.loss_ce: 0.0733, aux.acc_seg: 92.2653, loss: 0.1921, grad_norm: 2.8462 2023-02-19 17:13:59,956 - mmseg - INFO - Iter [128700/160000] lr: 1.174e-05, eta: 3:12:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1206, decode.acc_seg: 94.8279, aux.loss_ce: 0.0722, aux.acc_seg: 92.3848, loss: 0.1928, grad_norm: 2.1114 2023-02-19 17:14:17,992 - mmseg - INFO - Iter [128750/160000] lr: 1.172e-05, eta: 3:11:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1209, decode.acc_seg: 94.7603, aux.loss_ce: 0.0774, aux.acc_seg: 91.8185, loss: 0.1983, grad_norm: 2.4556 2023-02-19 17:14:35,961 - mmseg - INFO - Iter [128800/160000] lr: 1.170e-05, eta: 3:11:38, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1225, decode.acc_seg: 94.7593, aux.loss_ce: 0.0740, aux.acc_seg: 92.2107, loss: 0.1965, grad_norm: 2.5435 2023-02-19 17:14:56,257 - mmseg - INFO - Iter [128850/160000] lr: 1.168e-05, eta: 3:11:20, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 94.9335, aux.loss_ce: 0.0726, aux.acc_seg: 92.3357, loss: 0.1891, grad_norm: 2.1425 2023-02-19 17:15:14,450 - mmseg - INFO - Iter [128900/160000] lr: 1.166e-05, eta: 3:11:02, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1177, decode.acc_seg: 94.8261, aux.loss_ce: 0.0705, aux.acc_seg: 92.4815, loss: 0.1883, grad_norm: 2.6268 2023-02-19 17:15:32,641 - mmseg - INFO - Iter [128950/160000] lr: 1.164e-05, eta: 3:10:43, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1185, decode.acc_seg: 94.8627, aux.loss_ce: 0.0707, aux.acc_seg: 92.5038, loss: 0.1892, grad_norm: 2.0606 2023-02-19 17:15:50,580 - mmseg - INFO - Saving checkpoint at 129000 iterations 2023-02-19 17:15:52,321 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:15:52,322 - mmseg - INFO - Iter [129000/160000] lr: 1.163e-05, eta: 3:10:25, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 94.8902, aux.loss_ce: 0.0699, aux.acc_seg: 92.3577, loss: 0.1843, grad_norm: 1.9113 2023-02-19 17:16:10,417 - mmseg - INFO - Iter [129050/160000] lr: 1.161e-05, eta: 3:10:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1202, decode.acc_seg: 94.6871, aux.loss_ce: 0.0757, aux.acc_seg: 92.0205, loss: 0.1959, grad_norm: 2.0805 2023-02-19 17:16:28,408 - mmseg - INFO - Iter [129100/160000] lr: 1.159e-05, eta: 3:09:48, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1199, decode.acc_seg: 94.8098, aux.loss_ce: 0.0732, aux.acc_seg: 92.3386, loss: 0.1931, grad_norm: 2.6043 2023-02-19 17:16:46,636 - mmseg - INFO - Iter [129150/160000] lr: 1.157e-05, eta: 3:09:30, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1213, decode.acc_seg: 94.7580, aux.loss_ce: 0.0724, aux.acc_seg: 92.2633, loss: 0.1937, grad_norm: 2.1859 2023-02-19 17:17:04,684 - mmseg - INFO - Iter [129200/160000] lr: 1.155e-05, eta: 3:09:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 94.9716, aux.loss_ce: 0.0729, aux.acc_seg: 92.2413, loss: 0.1894, grad_norm: 1.9291 2023-02-19 17:17:22,713 - mmseg - INFO - Iter [129250/160000] lr: 1.153e-05, eta: 3:08:53, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 94.8084, aux.loss_ce: 0.0712, aux.acc_seg: 92.3055, loss: 0.1871, grad_norm: 1.8992 2023-02-19 17:17:40,757 - mmseg - INFO - Iter [129300/160000] lr: 1.151e-05, eta: 3:08:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1192, decode.acc_seg: 95.0503, aux.loss_ce: 0.0747, aux.acc_seg: 92.3440, loss: 0.1939, grad_norm: 2.1486 2023-02-19 17:17:58,821 - mmseg - INFO - Iter [129350/160000] lr: 1.149e-05, eta: 3:08:16, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1157, decode.acc_seg: 95.0415, aux.loss_ce: 0.0697, aux.acc_seg: 92.5984, loss: 0.1853, grad_norm: 1.8472 2023-02-19 17:18:17,268 - mmseg - INFO - Iter [129400/160000] lr: 1.148e-05, eta: 3:07:57, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1127, decode.acc_seg: 95.0872, aux.loss_ce: 0.0692, aux.acc_seg: 92.5490, loss: 0.1819, grad_norm: 2.0233 2023-02-19 17:18:35,844 - mmseg - INFO - Iter [129450/160000] lr: 1.146e-05, eta: 3:07:39, time: 0.372, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1234, decode.acc_seg: 94.7982, aux.loss_ce: 0.0752, aux.acc_seg: 92.0700, loss: 0.1985, grad_norm: 2.4754 2023-02-19 17:18:54,258 - mmseg - INFO - Iter [129500/160000] lr: 1.144e-05, eta: 3:07:21, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1191, decode.acc_seg: 95.0076, aux.loss_ce: 0.0728, aux.acc_seg: 92.4646, loss: 0.1919, grad_norm: 1.8699 2023-02-19 17:19:12,303 - mmseg - INFO - Iter [129550/160000] lr: 1.142e-05, eta: 3:07:02, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1262, decode.acc_seg: 94.6606, aux.loss_ce: 0.0765, aux.acc_seg: 92.0508, loss: 0.2027, grad_norm: 1.9903 2023-02-19 17:19:30,432 - mmseg - INFO - Iter [129600/160000] lr: 1.140e-05, eta: 3:06:43, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1127, decode.acc_seg: 95.1614, aux.loss_ce: 0.0680, aux.acc_seg: 92.7646, loss: 0.1807, grad_norm: 2.1554 2023-02-19 17:19:48,497 - mmseg - INFO - Iter [129650/160000] lr: 1.138e-05, eta: 3:06:25, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1126, decode.acc_seg: 95.1691, aux.loss_ce: 0.0670, aux.acc_seg: 92.8462, loss: 0.1795, grad_norm: 1.6515 2023-02-19 17:20:06,594 - mmseg - INFO - Iter [129700/160000] lr: 1.136e-05, eta: 3:06:06, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1212, decode.acc_seg: 94.7337, aux.loss_ce: 0.0730, aux.acc_seg: 92.2426, loss: 0.1942, grad_norm: 2.2015 2023-02-19 17:20:24,864 - mmseg - INFO - Iter [129750/160000] lr: 1.134e-05, eta: 3:05:48, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.7274, aux.loss_ce: 0.0722, aux.acc_seg: 92.4141, loss: 0.1933, grad_norm: 1.9610 2023-02-19 17:20:43,112 - mmseg - INFO - Iter [129800/160000] lr: 1.133e-05, eta: 3:05:30, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1163, decode.acc_seg: 94.9994, aux.loss_ce: 0.0715, aux.acc_seg: 92.5359, loss: 0.1878, grad_norm: 1.9972 2023-02-19 17:21:01,139 - mmseg - INFO - Iter [129850/160000] lr: 1.131e-05, eta: 3:05:11, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1196, decode.acc_seg: 94.9337, aux.loss_ce: 0.0729, aux.acc_seg: 92.4460, loss: 0.1925, grad_norm: 2.0903 2023-02-19 17:21:19,263 - mmseg - INFO - Iter [129900/160000] lr: 1.129e-05, eta: 3:04:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1142, decode.acc_seg: 95.0379, aux.loss_ce: 0.0712, aux.acc_seg: 92.5503, loss: 0.1854, grad_norm: 2.4886 2023-02-19 17:21:37,290 - mmseg - INFO - Iter [129950/160000] lr: 1.127e-05, eta: 3:04:34, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.8272, aux.loss_ce: 0.0740, aux.acc_seg: 92.2885, loss: 0.1957, grad_norm: 1.9416 2023-02-19 17:21:55,421 - mmseg - INFO - Saving checkpoint at 130000 iterations 2023-02-19 17:21:57,189 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:21:57,189 - mmseg - INFO - Iter [130000/160000] lr: 1.125e-05, eta: 3:04:16, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1256, decode.acc_seg: 94.6934, aux.loss_ce: 0.0735, aux.acc_seg: 92.3675, loss: 0.1991, grad_norm: 2.1692 2023-02-19 17:22:15,250 - mmseg - INFO - Iter [130050/160000] lr: 1.123e-05, eta: 3:03:57, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1198, decode.acc_seg: 94.9198, aux.loss_ce: 0.0735, aux.acc_seg: 92.3771, loss: 0.1933, grad_norm: 2.1852 2023-02-19 17:22:35,865 - mmseg - INFO - Iter [130100/160000] lr: 1.121e-05, eta: 3:03:39, time: 0.412, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1239, decode.acc_seg: 94.7787, aux.loss_ce: 0.0736, aux.acc_seg: 92.3321, loss: 0.1974, grad_norm: 2.5421 2023-02-19 17:22:54,030 - mmseg - INFO - Iter [130150/160000] lr: 1.119e-05, eta: 3:03:21, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1185, decode.acc_seg: 94.9778, aux.loss_ce: 0.0717, aux.acc_seg: 92.6012, loss: 0.1902, grad_norm: 2.3169 2023-02-19 17:23:12,120 - mmseg - INFO - Iter [130200/160000] lr: 1.118e-05, eta: 3:03:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1204, decode.acc_seg: 94.8557, aux.loss_ce: 0.0708, aux.acc_seg: 92.6032, loss: 0.1912, grad_norm: 2.5420 2023-02-19 17:23:30,948 - mmseg - INFO - Iter [130250/160000] lr: 1.116e-05, eta: 3:02:44, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1147, decode.acc_seg: 95.0250, aux.loss_ce: 0.0714, aux.acc_seg: 92.3532, loss: 0.1861, grad_norm: 1.6320 2023-02-19 17:23:49,170 - mmseg - INFO - Iter [130300/160000] lr: 1.114e-05, eta: 3:02:26, time: 0.365, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1114, decode.acc_seg: 95.2115, aux.loss_ce: 0.0711, aux.acc_seg: 92.5095, loss: 0.1825, grad_norm: 1.8527 2023-02-19 17:24:07,234 - mmseg - INFO - Iter [130350/160000] lr: 1.112e-05, eta: 3:02:07, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1134, decode.acc_seg: 95.1201, aux.loss_ce: 0.0672, aux.acc_seg: 92.8588, loss: 0.1806, grad_norm: 1.6866 2023-02-19 17:24:25,513 - mmseg - INFO - Iter [130400/160000] lr: 1.110e-05, eta: 3:01:49, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1216, decode.acc_seg: 94.6618, aux.loss_ce: 0.0729, aux.acc_seg: 92.2763, loss: 0.1944, grad_norm: 3.1153 2023-02-19 17:24:43,983 - mmseg - INFO - Iter [130450/160000] lr: 1.108e-05, eta: 3:01:30, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1182, decode.acc_seg: 95.0098, aux.loss_ce: 0.0728, aux.acc_seg: 92.4357, loss: 0.1910, grad_norm: 2.1516 2023-02-19 17:25:02,081 - mmseg - INFO - Iter [130500/160000] lr: 1.106e-05, eta: 3:01:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1212, decode.acc_seg: 94.8274, aux.loss_ce: 0.0741, aux.acc_seg: 92.2414, loss: 0.1953, grad_norm: 2.1603 2023-02-19 17:25:20,303 - mmseg - INFO - Iter [130550/160000] lr: 1.104e-05, eta: 3:00:53, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1210, decode.acc_seg: 94.8440, aux.loss_ce: 0.0729, aux.acc_seg: 92.3175, loss: 0.1939, grad_norm: 2.3150 2023-02-19 17:25:38,418 - mmseg - INFO - Iter [130600/160000] lr: 1.103e-05, eta: 3:00:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1135, decode.acc_seg: 95.1023, aux.loss_ce: 0.0714, aux.acc_seg: 92.4940, loss: 0.1849, grad_norm: 2.1024 2023-02-19 17:25:56,918 - mmseg - INFO - Iter [130650/160000] lr: 1.101e-05, eta: 3:00:16, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1258, decode.acc_seg: 94.6297, aux.loss_ce: 0.0752, aux.acc_seg: 92.1457, loss: 0.2010, grad_norm: 3.6055 2023-02-19 17:26:15,079 - mmseg - INFO - Iter [130700/160000] lr: 1.099e-05, eta: 2:59:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1149, decode.acc_seg: 94.9932, aux.loss_ce: 0.0716, aux.acc_seg: 92.4641, loss: 0.1865, grad_norm: 1.7559 2023-02-19 17:26:33,517 - mmseg - INFO - Iter [130750/160000] lr: 1.097e-05, eta: 2:59:39, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1200, decode.acc_seg: 94.7771, aux.loss_ce: 0.0737, aux.acc_seg: 92.1730, loss: 0.1937, grad_norm: 2.4514 2023-02-19 17:26:52,180 - mmseg - INFO - Iter [130800/160000] lr: 1.095e-05, eta: 2:59:21, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1179, decode.acc_seg: 94.8418, aux.loss_ce: 0.0700, aux.acc_seg: 92.5327, loss: 0.1879, grad_norm: 2.3092 2023-02-19 17:27:10,764 - mmseg - INFO - Iter [130850/160000] lr: 1.093e-05, eta: 2:59:03, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1209, decode.acc_seg: 94.8478, aux.loss_ce: 0.0720, aux.acc_seg: 92.5140, loss: 0.1930, grad_norm: 2.2674 2023-02-19 17:27:29,004 - mmseg - INFO - Iter [130900/160000] lr: 1.091e-05, eta: 2:58:44, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1142, decode.acc_seg: 95.0234, aux.loss_ce: 0.0694, aux.acc_seg: 92.5338, loss: 0.1836, grad_norm: 2.1073 2023-02-19 17:27:47,129 - mmseg - INFO - Iter [130950/160000] lr: 1.089e-05, eta: 2:58:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1202, decode.acc_seg: 94.8589, aux.loss_ce: 0.0736, aux.acc_seg: 92.2499, loss: 0.1939, grad_norm: 2.4047 2023-02-19 17:28:05,120 - mmseg - INFO - Saving checkpoint at 131000 iterations 2023-02-19 17:28:06,846 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:28:06,846 - mmseg - INFO - Iter [131000/160000] lr: 1.088e-05, eta: 2:58:08, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1206, decode.acc_seg: 94.9889, aux.loss_ce: 0.0738, aux.acc_seg: 92.4770, loss: 0.1944, grad_norm: 2.5980 2023-02-19 17:28:24,858 - mmseg - INFO - Iter [131050/160000] lr: 1.086e-05, eta: 2:57:49, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1271, decode.acc_seg: 94.6369, aux.loss_ce: 0.0741, aux.acc_seg: 92.2724, loss: 0.2013, grad_norm: 2.3670 2023-02-19 17:28:42,819 - mmseg - INFO - Iter [131100/160000] lr: 1.084e-05, eta: 2:57:31, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1180, decode.acc_seg: 94.8975, aux.loss_ce: 0.0699, aux.acc_seg: 92.5339, loss: 0.1879, grad_norm: 2.0133 2023-02-19 17:29:00,904 - mmseg - INFO - Iter [131150/160000] lr: 1.082e-05, eta: 2:57:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1184, decode.acc_seg: 94.8929, aux.loss_ce: 0.0702, aux.acc_seg: 92.5738, loss: 0.1886, grad_norm: 2.0147 2023-02-19 17:29:18,994 - mmseg - INFO - Iter [131200/160000] lr: 1.080e-05, eta: 2:56:54, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1198, decode.acc_seg: 94.9271, aux.loss_ce: 0.0710, aux.acc_seg: 92.6245, loss: 0.1908, grad_norm: 2.2777 2023-02-19 17:29:37,096 - mmseg - INFO - Iter [131250/160000] lr: 1.078e-05, eta: 2:56:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1240, decode.acc_seg: 94.6863, aux.loss_ce: 0.0725, aux.acc_seg: 92.3752, loss: 0.1965, grad_norm: 2.3647 2023-02-19 17:29:55,157 - mmseg - INFO - Iter [131300/160000] lr: 1.076e-05, eta: 2:56:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1251, decode.acc_seg: 94.7086, aux.loss_ce: 0.0740, aux.acc_seg: 92.3282, loss: 0.1991, grad_norm: 1.8355 2023-02-19 17:30:13,226 - mmseg - INFO - Iter [131350/160000] lr: 1.074e-05, eta: 2:55:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.0654, aux.loss_ce: 0.0693, aux.acc_seg: 92.3965, loss: 0.1798, grad_norm: 1.9027 2023-02-19 17:30:33,611 - mmseg - INFO - Iter [131400/160000] lr: 1.073e-05, eta: 2:55:40, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1142, decode.acc_seg: 94.9573, aux.loss_ce: 0.0716, aux.acc_seg: 92.3012, loss: 0.1858, grad_norm: 2.3878 2023-02-19 17:30:51,682 - mmseg - INFO - Iter [131450/160000] lr: 1.071e-05, eta: 2:55:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1174, decode.acc_seg: 95.1619, aux.loss_ce: 0.0753, aux.acc_seg: 92.4548, loss: 0.1927, grad_norm: 2.3492 2023-02-19 17:31:09,834 - mmseg - INFO - Iter [131500/160000] lr: 1.069e-05, eta: 2:55:03, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1166, decode.acc_seg: 95.0855, aux.loss_ce: 0.0710, aux.acc_seg: 92.6363, loss: 0.1877, grad_norm: 2.2296 2023-02-19 17:31:28,017 - mmseg - INFO - Iter [131550/160000] lr: 1.067e-05, eta: 2:54:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1093, decode.acc_seg: 95.1751, aux.loss_ce: 0.0659, aux.acc_seg: 92.8291, loss: 0.1753, grad_norm: 1.9008 2023-02-19 17:31:46,264 - mmseg - INFO - Iter [131600/160000] lr: 1.065e-05, eta: 2:54:26, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.1306, aux.loss_ce: 0.0674, aux.acc_seg: 92.6764, loss: 0.1777, grad_norm: 2.5970 2023-02-19 17:32:04,425 - mmseg - INFO - Iter [131650/160000] lr: 1.063e-05, eta: 2:54:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1192, decode.acc_seg: 94.8890, aux.loss_ce: 0.0731, aux.acc_seg: 92.3273, loss: 0.1923, grad_norm: 1.7764 2023-02-19 17:32:22,565 - mmseg - INFO - Iter [131700/160000] lr: 1.061e-05, eta: 2:53:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1190, decode.acc_seg: 94.9058, aux.loss_ce: 0.0711, aux.acc_seg: 92.5878, loss: 0.1901, grad_norm: 2.1352 2023-02-19 17:32:40,664 - mmseg - INFO - Iter [131750/160000] lr: 1.059e-05, eta: 2:53:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1197, decode.acc_seg: 94.7805, aux.loss_ce: 0.0716, aux.acc_seg: 92.3943, loss: 0.1913, grad_norm: 1.9115 2023-02-19 17:32:58,799 - mmseg - INFO - Iter [131800/160000] lr: 1.058e-05, eta: 2:53:12, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1227, decode.acc_seg: 94.8016, aux.loss_ce: 0.0768, aux.acc_seg: 92.0363, loss: 0.1996, grad_norm: 2.3948 2023-02-19 17:33:16,969 - mmseg - INFO - Iter [131850/160000] lr: 1.056e-05, eta: 2:52:54, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 95.0155, aux.loss_ce: 0.0728, aux.acc_seg: 92.4335, loss: 0.1887, grad_norm: 2.0983 2023-02-19 17:33:35,101 - mmseg - INFO - Iter [131900/160000] lr: 1.054e-05, eta: 2:52:35, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1137, decode.acc_seg: 95.0471, aux.loss_ce: 0.0677, aux.acc_seg: 92.8337, loss: 0.1814, grad_norm: 1.8584 2023-02-19 17:33:53,468 - mmseg - INFO - Iter [131950/160000] lr: 1.052e-05, eta: 2:52:17, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1242, decode.acc_seg: 94.6821, aux.loss_ce: 0.0751, aux.acc_seg: 92.0760, loss: 0.1993, grad_norm: 2.1241 2023-02-19 17:34:11,739 - mmseg - INFO - Saving checkpoint at 132000 iterations 2023-02-19 17:34:13,522 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:34:13,522 - mmseg - INFO - Iter [132000/160000] lr: 1.050e-05, eta: 2:51:59, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1153, decode.acc_seg: 94.8812, aux.loss_ce: 0.0700, aux.acc_seg: 92.2709, loss: 0.1852, grad_norm: 2.4337 2023-02-19 17:34:31,708 - mmseg - INFO - Iter [132050/160000] lr: 1.048e-05, eta: 2:51:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 95.0342, aux.loss_ce: 0.0705, aux.acc_seg: 92.5723, loss: 0.1870, grad_norm: 2.5783 2023-02-19 17:34:50,162 - mmseg - INFO - Iter [132100/160000] lr: 1.046e-05, eta: 2:51:22, time: 0.369, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 94.9492, aux.loss_ce: 0.0699, aux.acc_seg: 92.5893, loss: 0.1859, grad_norm: 2.1464 2023-02-19 17:35:08,474 - mmseg - INFO - Iter [132150/160000] lr: 1.044e-05, eta: 2:51:03, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1231, decode.acc_seg: 94.7034, aux.loss_ce: 0.0732, aux.acc_seg: 92.2917, loss: 0.1963, grad_norm: 2.8489 2023-02-19 17:35:26,641 - mmseg - INFO - Iter [132200/160000] lr: 1.043e-05, eta: 2:50:45, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.1466, aux.loss_ce: 0.0690, aux.acc_seg: 92.6769, loss: 0.1810, grad_norm: 2.0362 2023-02-19 17:35:44,707 - mmseg - INFO - Iter [132250/160000] lr: 1.041e-05, eta: 2:50:26, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.8376, aux.loss_ce: 0.0753, aux.acc_seg: 92.0730, loss: 0.1964, grad_norm: 2.6052 2023-02-19 17:36:02,842 - mmseg - INFO - Iter [132300/160000] lr: 1.039e-05, eta: 2:50:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1176, decode.acc_seg: 94.9162, aux.loss_ce: 0.0723, aux.acc_seg: 92.3450, loss: 0.1898, grad_norm: 2.1301 2023-02-19 17:36:20,980 - mmseg - INFO - Iter [132350/160000] lr: 1.037e-05, eta: 2:49:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1091, decode.acc_seg: 95.1634, aux.loss_ce: 0.0673, aux.acc_seg: 92.6382, loss: 0.1764, grad_norm: 2.0021 2023-02-19 17:36:39,080 - mmseg - INFO - Iter [132400/160000] lr: 1.035e-05, eta: 2:49:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1130, decode.acc_seg: 95.1958, aux.loss_ce: 0.0707, aux.acc_seg: 92.6998, loss: 0.1837, grad_norm: 2.3705 2023-02-19 17:36:57,210 - mmseg - INFO - Iter [132450/160000] lr: 1.033e-05, eta: 2:49:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1181, decode.acc_seg: 94.9861, aux.loss_ce: 0.0691, aux.acc_seg: 92.7598, loss: 0.1872, grad_norm: 2.0998 2023-02-19 17:37:15,961 - mmseg - INFO - Iter [132500/160000] lr: 1.031e-05, eta: 2:48:54, time: 0.376, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 94.9248, aux.loss_ce: 0.0711, aux.acc_seg: 92.4636, loss: 0.1870, grad_norm: 1.9963 2023-02-19 17:37:34,347 - mmseg - INFO - Iter [132550/160000] lr: 1.029e-05, eta: 2:48:36, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.8349, aux.loss_ce: 0.0729, aux.acc_seg: 92.4521, loss: 0.1946, grad_norm: 2.1223 2023-02-19 17:37:52,387 - mmseg - INFO - Iter [132600/160000] lr: 1.028e-05, eta: 2:48:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1218, decode.acc_seg: 94.8311, aux.loss_ce: 0.0744, aux.acc_seg: 92.3198, loss: 0.1962, grad_norm: 2.1011 2023-02-19 17:38:12,788 - mmseg - INFO - Iter [132650/160000] lr: 1.026e-05, eta: 2:47:59, time: 0.408, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1205, decode.acc_seg: 94.7522, aux.loss_ce: 0.0728, aux.acc_seg: 92.2566, loss: 0.1933, grad_norm: 3.1226 2023-02-19 17:38:31,418 - mmseg - INFO - Iter [132700/160000] lr: 1.024e-05, eta: 2:47:41, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1117, decode.acc_seg: 95.1217, aux.loss_ce: 0.0691, aux.acc_seg: 92.6622, loss: 0.1808, grad_norm: 2.1248 2023-02-19 17:38:49,552 - mmseg - INFO - Iter [132750/160000] lr: 1.022e-05, eta: 2:47:22, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.1279, aux.loss_ce: 0.0658, aux.acc_seg: 92.8927, loss: 0.1778, grad_norm: 1.7814 2023-02-19 17:39:07,686 - mmseg - INFO - Iter [132800/160000] lr: 1.020e-05, eta: 2:47:04, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1168, decode.acc_seg: 95.0199, aux.loss_ce: 0.0708, aux.acc_seg: 92.6164, loss: 0.1876, grad_norm: 2.6768 2023-02-19 17:39:25,721 - mmseg - INFO - Iter [132850/160000] lr: 1.018e-05, eta: 2:46:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1211, decode.acc_seg: 94.8106, aux.loss_ce: 0.0725, aux.acc_seg: 92.3000, loss: 0.1937, grad_norm: 2.1139 2023-02-19 17:39:44,055 - mmseg - INFO - Iter [132900/160000] lr: 1.016e-05, eta: 2:46:27, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 95.0815, aux.loss_ce: 0.0699, aux.acc_seg: 92.8075, loss: 0.1842, grad_norm: 3.5707 2023-02-19 17:40:02,170 - mmseg - INFO - Iter [132950/160000] lr: 1.014e-05, eta: 2:46:08, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1193, decode.acc_seg: 94.8630, aux.loss_ce: 0.0717, aux.acc_seg: 92.4515, loss: 0.1910, grad_norm: 2.2439 2023-02-19 17:40:20,429 - mmseg - INFO - Saving checkpoint at 133000 iterations 2023-02-19 17:40:22,225 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:40:22,225 - mmseg - INFO - Iter [133000/160000] lr: 1.013e-05, eta: 2:45:50, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1172, decode.acc_seg: 94.9622, aux.loss_ce: 0.0710, aux.acc_seg: 92.4549, loss: 0.1882, grad_norm: 2.0291 2023-02-19 17:40:40,438 - mmseg - INFO - Iter [133050/160000] lr: 1.011e-05, eta: 2:45:32, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1182, decode.acc_seg: 94.9165, aux.loss_ce: 0.0713, aux.acc_seg: 92.5030, loss: 0.1895, grad_norm: 2.4788 2023-02-19 17:40:58,531 - mmseg - INFO - Iter [133100/160000] lr: 1.009e-05, eta: 2:45:13, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.9990, aux.loss_ce: 0.0715, aux.acc_seg: 92.5007, loss: 0.1893, grad_norm: 1.8736 2023-02-19 17:41:16,545 - mmseg - INFO - Iter [133150/160000] lr: 1.007e-05, eta: 2:44:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1177, decode.acc_seg: 94.9373, aux.loss_ce: 0.0707, aux.acc_seg: 92.5695, loss: 0.1884, grad_norm: 2.6251 2023-02-19 17:41:34,538 - mmseg - INFO - Iter [133200/160000] lr: 1.005e-05, eta: 2:44:36, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1223, decode.acc_seg: 94.7918, aux.loss_ce: 0.0745, aux.acc_seg: 92.1530, loss: 0.1968, grad_norm: 2.5747 2023-02-19 17:41:52,660 - mmseg - INFO - Iter [133250/160000] lr: 1.003e-05, eta: 2:44:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1126, decode.acc_seg: 95.2615, aux.loss_ce: 0.0702, aux.acc_seg: 92.7105, loss: 0.1828, grad_norm: 1.6877 2023-02-19 17:42:10,698 - mmseg - INFO - Iter [133300/160000] lr: 1.001e-05, eta: 2:43:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1222, decode.acc_seg: 94.8220, aux.loss_ce: 0.0721, aux.acc_seg: 92.5303, loss: 0.1943, grad_norm: 2.0275 2023-02-19 17:42:28,919 - mmseg - INFO - Iter [133350/160000] lr: 9.994e-06, eta: 2:43:41, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1210, decode.acc_seg: 94.7133, aux.loss_ce: 0.0732, aux.acc_seg: 92.2524, loss: 0.1942, grad_norm: 2.9766 2023-02-19 17:42:46,945 - mmseg - INFO - Iter [133400/160000] lr: 9.975e-06, eta: 2:43:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 94.9844, aux.loss_ce: 0.0708, aux.acc_seg: 92.5859, loss: 0.1869, grad_norm: 2.2122 2023-02-19 17:43:04,995 - mmseg - INFO - Iter [133450/160000] lr: 9.957e-06, eta: 2:43:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1126, decode.acc_seg: 95.1965, aux.loss_ce: 0.0688, aux.acc_seg: 92.7747, loss: 0.1814, grad_norm: 1.8687 2023-02-19 17:43:23,039 - mmseg - INFO - Iter [133500/160000] lr: 9.938e-06, eta: 2:42:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 95.0260, aux.loss_ce: 0.0718, aux.acc_seg: 92.4196, loss: 0.1869, grad_norm: 1.8150 2023-02-19 17:43:41,042 - mmseg - INFO - Iter [133550/160000] lr: 9.919e-06, eta: 2:42:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1112, decode.acc_seg: 95.1468, aux.loss_ce: 0.0695, aux.acc_seg: 92.5809, loss: 0.1807, grad_norm: 3.0712 2023-02-19 17:43:59,297 - mmseg - INFO - Iter [133600/160000] lr: 9.900e-06, eta: 2:42:08, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1186, decode.acc_seg: 94.8992, aux.loss_ce: 0.0711, aux.acc_seg: 92.4180, loss: 0.1896, grad_norm: 2.4759 2023-02-19 17:44:17,275 - mmseg - INFO - Iter [133650/160000] lr: 9.882e-06, eta: 2:41:50, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1183, decode.acc_seg: 94.8025, aux.loss_ce: 0.0707, aux.acc_seg: 92.4469, loss: 0.1890, grad_norm: 1.9105 2023-02-19 17:44:35,288 - mmseg - INFO - Iter [133700/160000] lr: 9.863e-06, eta: 2:41:31, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 95.0633, aux.loss_ce: 0.0692, aux.acc_seg: 92.7408, loss: 0.1836, grad_norm: 2.1353 2023-02-19 17:44:53,540 - mmseg - INFO - Iter [133750/160000] lr: 9.844e-06, eta: 2:41:13, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1202, decode.acc_seg: 94.8909, aux.loss_ce: 0.0720, aux.acc_seg: 92.3985, loss: 0.1923, grad_norm: 2.1917 2023-02-19 17:45:11,863 - mmseg - INFO - Iter [133800/160000] lr: 9.825e-06, eta: 2:40:54, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1196, decode.acc_seg: 94.7326, aux.loss_ce: 0.0715, aux.acc_seg: 92.2648, loss: 0.1911, grad_norm: 2.1130 2023-02-19 17:45:30,250 - mmseg - INFO - Iter [133850/160000] lr: 9.807e-06, eta: 2:40:36, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 94.9550, aux.loss_ce: 0.0688, aux.acc_seg: 92.6566, loss: 0.1832, grad_norm: 2.0380 2023-02-19 17:45:50,715 - mmseg - INFO - Iter [133900/160000] lr: 9.788e-06, eta: 2:40:18, time: 0.409, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1166, decode.acc_seg: 94.9854, aux.loss_ce: 0.0734, aux.acc_seg: 92.3400, loss: 0.1900, grad_norm: 1.8263 2023-02-19 17:46:09,142 - mmseg - INFO - Iter [133950/160000] lr: 9.769e-06, eta: 2:39:59, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1115, decode.acc_seg: 95.1318, aux.loss_ce: 0.0662, aux.acc_seg: 92.9280, loss: 0.1777, grad_norm: 2.1300 2023-02-19 17:46:27,263 - mmseg - INFO - Saving checkpoint at 134000 iterations 2023-02-19 17:46:28,986 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:46:28,987 - mmseg - INFO - Iter [134000/160000] lr: 9.750e-06, eta: 2:39:41, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 94.9165, aux.loss_ce: 0.0719, aux.acc_seg: 92.5381, loss: 0.1877, grad_norm: 2.1108 2023-02-19 17:46:47,121 - mmseg - INFO - Iter [134050/160000] lr: 9.732e-06, eta: 2:39:23, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 95.0475, aux.loss_ce: 0.0699, aux.acc_seg: 92.6255, loss: 0.1860, grad_norm: 1.8582 2023-02-19 17:47:05,179 - mmseg - INFO - Iter [134100/160000] lr: 9.713e-06, eta: 2:39:04, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1220, decode.acc_seg: 94.8042, aux.loss_ce: 0.0718, aux.acc_seg: 92.4650, loss: 0.1937, grad_norm: 2.1284 2023-02-19 17:47:23,407 - mmseg - INFO - Iter [134150/160000] lr: 9.694e-06, eta: 2:38:46, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1136, decode.acc_seg: 95.1013, aux.loss_ce: 0.0714, aux.acc_seg: 92.5688, loss: 0.1850, grad_norm: 2.1061 2023-02-19 17:47:41,505 - mmseg - INFO - Iter [134200/160000] lr: 9.675e-06, eta: 2:38:27, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.7163, aux.loss_ce: 0.0722, aux.acc_seg: 92.3837, loss: 0.1940, grad_norm: 2.0697 2023-02-19 17:47:59,595 - mmseg - INFO - Iter [134250/160000] lr: 9.657e-06, eta: 2:38:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1153, decode.acc_seg: 95.0523, aux.loss_ce: 0.0690, aux.acc_seg: 92.7022, loss: 0.1843, grad_norm: 1.8659 2023-02-19 17:48:17,694 - mmseg - INFO - Iter [134300/160000] lr: 9.638e-06, eta: 2:37:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1160, decode.acc_seg: 94.9818, aux.loss_ce: 0.0707, aux.acc_seg: 92.5397, loss: 0.1867, grad_norm: 1.8509 2023-02-19 17:48:35,704 - mmseg - INFO - Iter [134350/160000] lr: 9.619e-06, eta: 2:37:32, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1185, decode.acc_seg: 94.8803, aux.loss_ce: 0.0690, aux.acc_seg: 92.6932, loss: 0.1874, grad_norm: 1.8546 2023-02-19 17:48:53,849 - mmseg - INFO - Iter [134400/160000] lr: 9.600e-06, eta: 2:37:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1109, decode.acc_seg: 95.1085, aux.loss_ce: 0.0695, aux.acc_seg: 92.4913, loss: 0.1804, grad_norm: 2.0480 2023-02-19 17:49:11,945 - mmseg - INFO - Iter [134450/160000] lr: 9.582e-06, eta: 2:36:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1141, decode.acc_seg: 94.9792, aux.loss_ce: 0.0684, aux.acc_seg: 92.8261, loss: 0.1825, grad_norm: 2.0297 2023-02-19 17:49:30,153 - mmseg - INFO - Iter [134500/160000] lr: 9.563e-06, eta: 2:36:36, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1152, decode.acc_seg: 94.8250, aux.loss_ce: 0.0723, aux.acc_seg: 92.3601, loss: 0.1875, grad_norm: 2.0601 2023-02-19 17:49:48,217 - mmseg - INFO - Iter [134550/160000] lr: 9.544e-06, eta: 2:36:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1160, decode.acc_seg: 94.9857, aux.loss_ce: 0.0718, aux.acc_seg: 92.4474, loss: 0.1879, grad_norm: 2.1695 2023-02-19 17:50:06,411 - mmseg - INFO - Iter [134600/160000] lr: 9.525e-06, eta: 2:35:59, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1173, decode.acc_seg: 94.9904, aux.loss_ce: 0.0706, aux.acc_seg: 92.6184, loss: 0.1879, grad_norm: 2.1900 2023-02-19 17:50:24,579 - mmseg - INFO - Iter [134650/160000] lr: 9.507e-06, eta: 2:35:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 95.0024, aux.loss_ce: 0.0710, aux.acc_seg: 92.4949, loss: 0.1869, grad_norm: 2.5189 2023-02-19 17:50:42,770 - mmseg - INFO - Iter [134700/160000] lr: 9.488e-06, eta: 2:35:22, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1113, decode.acc_seg: 95.1305, aux.loss_ce: 0.0669, aux.acc_seg: 92.8647, loss: 0.1782, grad_norm: 2.0042 2023-02-19 17:51:00,792 - mmseg - INFO - Iter [134750/160000] lr: 9.469e-06, eta: 2:35:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1250, decode.acc_seg: 94.6428, aux.loss_ce: 0.0772, aux.acc_seg: 92.0361, loss: 0.2022, grad_norm: 2.2468 2023-02-19 17:51:19,100 - mmseg - INFO - Iter [134800/160000] lr: 9.450e-06, eta: 2:34:46, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1217, decode.acc_seg: 94.8492, aux.loss_ce: 0.0742, aux.acc_seg: 92.1576, loss: 0.1959, grad_norm: 2.2589 2023-02-19 17:51:37,077 - mmseg - INFO - Iter [134850/160000] lr: 9.432e-06, eta: 2:34:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.2009, aux.loss_ce: 0.0698, aux.acc_seg: 92.8179, loss: 0.1826, grad_norm: 2.0893 2023-02-19 17:51:55,369 - mmseg - INFO - Iter [134900/160000] lr: 9.413e-06, eta: 2:34:09, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 95.0225, aux.loss_ce: 0.0710, aux.acc_seg: 92.5384, loss: 0.1869, grad_norm: 2.5356 2023-02-19 17:52:13,697 - mmseg - INFO - Iter [134950/160000] lr: 9.394e-06, eta: 2:33:50, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1164, decode.acc_seg: 95.0101, aux.loss_ce: 0.0700, aux.acc_seg: 92.5500, loss: 0.1864, grad_norm: 2.1239 2023-02-19 17:52:31,778 - mmseg - INFO - Saving checkpoint at 135000 iterations 2023-02-19 17:52:33,569 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:52:33,569 - mmseg - INFO - Iter [135000/160000] lr: 9.375e-06, eta: 2:33:32, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1156, decode.acc_seg: 94.9224, aux.loss_ce: 0.0694, aux.acc_seg: 92.5453, loss: 0.1849, grad_norm: 2.1594 2023-02-19 17:52:51,750 - mmseg - INFO - Iter [135050/160000] lr: 9.357e-06, eta: 2:33:14, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1252, decode.acc_seg: 94.7187, aux.loss_ce: 0.0755, aux.acc_seg: 92.2117, loss: 0.2007, grad_norm: 2.5894 2023-02-19 17:53:09,954 - mmseg - INFO - Iter [135100/160000] lr: 9.338e-06, eta: 2:32:55, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 94.9991, aux.loss_ce: 0.0677, aux.acc_seg: 92.7992, loss: 0.1821, grad_norm: 1.6570 2023-02-19 17:53:30,283 - mmseg - INFO - Iter [135150/160000] lr: 9.319e-06, eta: 2:32:37, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1121, decode.acc_seg: 95.2237, aux.loss_ce: 0.0699, aux.acc_seg: 92.7414, loss: 0.1820, grad_norm: 2.1048 2023-02-19 17:53:48,295 - mmseg - INFO - Iter [135200/160000] lr: 9.300e-06, eta: 2:32:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1182, decode.acc_seg: 94.9706, aux.loss_ce: 0.0709, aux.acc_seg: 92.4818, loss: 0.1891, grad_norm: 1.7725 2023-02-19 17:54:06,378 - mmseg - INFO - Iter [135250/160000] lr: 9.282e-06, eta: 2:32:00, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.0778, aux.loss_ce: 0.0693, aux.acc_seg: 92.5489, loss: 0.1821, grad_norm: 1.6367 2023-02-19 17:54:24,758 - mmseg - INFO - Iter [135300/160000] lr: 9.263e-06, eta: 2:31:42, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1149, decode.acc_seg: 95.0979, aux.loss_ce: 0.0702, aux.acc_seg: 92.6667, loss: 0.1851, grad_norm: 2.4353 2023-02-19 17:54:42,837 - mmseg - INFO - Iter [135350/160000] lr: 9.244e-06, eta: 2:31:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1058, decode.acc_seg: 95.4477, aux.loss_ce: 0.0657, aux.acc_seg: 93.1217, loss: 0.1715, grad_norm: 1.8624 2023-02-19 17:55:00,890 - mmseg - INFO - Iter [135400/160000] lr: 9.225e-06, eta: 2:31:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.0195, aux.loss_ce: 0.0672, aux.acc_seg: 92.8459, loss: 0.1780, grad_norm: 2.1481 2023-02-19 17:55:19,113 - mmseg - INFO - Iter [135450/160000] lr: 9.207e-06, eta: 2:30:46, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1190, decode.acc_seg: 94.8826, aux.loss_ce: 0.0721, aux.acc_seg: 92.4679, loss: 0.1911, grad_norm: 2.3336 2023-02-19 17:55:37,381 - mmseg - INFO - Iter [135500/160000] lr: 9.188e-06, eta: 2:30:28, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1154, decode.acc_seg: 94.9280, aux.loss_ce: 0.0685, aux.acc_seg: 92.6141, loss: 0.1839, grad_norm: 1.7252 2023-02-19 17:55:55,608 - mmseg - INFO - Iter [135550/160000] lr: 9.169e-06, eta: 2:30:09, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1140, decode.acc_seg: 95.0912, aux.loss_ce: 0.0682, aux.acc_seg: 92.8224, loss: 0.1821, grad_norm: 2.2538 2023-02-19 17:56:13,719 - mmseg - INFO - Iter [135600/160000] lr: 9.150e-06, eta: 2:29:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1179, decode.acc_seg: 94.8746, aux.loss_ce: 0.0715, aux.acc_seg: 92.4019, loss: 0.1894, grad_norm: 2.7737 2023-02-19 17:56:31,757 - mmseg - INFO - Iter [135650/160000] lr: 9.132e-06, eta: 2:29:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1182, decode.acc_seg: 94.9084, aux.loss_ce: 0.0730, aux.acc_seg: 92.3832, loss: 0.1912, grad_norm: 2.2585 2023-02-19 17:56:49,846 - mmseg - INFO - Iter [135700/160000] lr: 9.113e-06, eta: 2:29:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1180, decode.acc_seg: 94.8997, aux.loss_ce: 0.0716, aux.acc_seg: 92.4205, loss: 0.1896, grad_norm: 2.0509 2023-02-19 17:57:07,901 - mmseg - INFO - Iter [135750/160000] lr: 9.094e-06, eta: 2:28:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1063, decode.acc_seg: 95.3780, aux.loss_ce: 0.0666, aux.acc_seg: 92.9370, loss: 0.1729, grad_norm: 1.7797 2023-02-19 17:57:26,129 - mmseg - INFO - Iter [135800/160000] lr: 9.075e-06, eta: 2:28:37, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1207, decode.acc_seg: 94.8118, aux.loss_ce: 0.0732, aux.acc_seg: 92.1515, loss: 0.1939, grad_norm: 2.3641 2023-02-19 17:57:44,536 - mmseg - INFO - Iter [135850/160000] lr: 9.057e-06, eta: 2:28:18, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1095, decode.acc_seg: 95.3315, aux.loss_ce: 0.0687, aux.acc_seg: 92.9077, loss: 0.1781, grad_norm: 1.9747 2023-02-19 17:58:02,699 - mmseg - INFO - Iter [135900/160000] lr: 9.038e-06, eta: 2:28:00, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1167, decode.acc_seg: 94.9666, aux.loss_ce: 0.0716, aux.acc_seg: 92.4424, loss: 0.1883, grad_norm: 1.7392 2023-02-19 17:58:21,467 - mmseg - INFO - Iter [135950/160000] lr: 9.019e-06, eta: 2:27:42, time: 0.375, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1167, decode.acc_seg: 94.9603, aux.loss_ce: 0.0715, aux.acc_seg: 92.4333, loss: 0.1881, grad_norm: 2.0589 2023-02-19 17:58:39,510 - mmseg - INFO - Saving checkpoint at 136000 iterations 2023-02-19 17:58:41,298 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 17:58:41,298 - mmseg - INFO - Iter [136000/160000] lr: 9.000e-06, eta: 2:27:23, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1155, decode.acc_seg: 95.0382, aux.loss_ce: 0.0719, aux.acc_seg: 92.4462, loss: 0.1874, grad_norm: 2.2183 2023-02-19 17:58:59,548 - mmseg - INFO - Iter [136050/160000] lr: 8.982e-06, eta: 2:27:05, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1115, decode.acc_seg: 95.1300, aux.loss_ce: 0.0689, aux.acc_seg: 92.5744, loss: 0.1804, grad_norm: 2.1619 2023-02-19 17:59:17,544 - mmseg - INFO - Iter [136100/160000] lr: 8.963e-06, eta: 2:26:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1184, decode.acc_seg: 94.8939, aux.loss_ce: 0.0699, aux.acc_seg: 92.5820, loss: 0.1883, grad_norm: 2.2468 2023-02-19 17:59:35,573 - mmseg - INFO - Iter [136150/160000] lr: 8.944e-06, eta: 2:26:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1193, decode.acc_seg: 94.9101, aux.loss_ce: 0.0714, aux.acc_seg: 92.4941, loss: 0.1907, grad_norm: 1.7484 2023-02-19 17:59:53,581 - mmseg - INFO - Iter [136200/160000] lr: 8.925e-06, eta: 2:26:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1134, decode.acc_seg: 95.1150, aux.loss_ce: 0.0690, aux.acc_seg: 92.7576, loss: 0.1824, grad_norm: 4.1069 2023-02-19 18:00:11,602 - mmseg - INFO - Iter [136250/160000] lr: 8.907e-06, eta: 2:25:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1176, decode.acc_seg: 94.8128, aux.loss_ce: 0.0715, aux.acc_seg: 92.2635, loss: 0.1891, grad_norm: 2.2390 2023-02-19 18:00:30,222 - mmseg - INFO - Iter [136300/160000] lr: 8.888e-06, eta: 2:25:33, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 95.1535, aux.loss_ce: 0.0701, aux.acc_seg: 92.6787, loss: 0.1860, grad_norm: 2.6468 2023-02-19 18:00:48,345 - mmseg - INFO - Iter [136350/160000] lr: 8.869e-06, eta: 2:25:14, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 94.9991, aux.loss_ce: 0.0693, aux.acc_seg: 92.6843, loss: 0.1858, grad_norm: 1.8622 2023-02-19 18:01:06,557 - mmseg - INFO - Iter [136400/160000] lr: 8.850e-06, eta: 2:24:56, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1159, decode.acc_seg: 94.9395, aux.loss_ce: 0.0703, aux.acc_seg: 92.4692, loss: 0.1862, grad_norm: 1.6962 2023-02-19 18:01:26,879 - mmseg - INFO - Iter [136450/160000] lr: 8.832e-06, eta: 2:24:37, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1234, decode.acc_seg: 94.7311, aux.loss_ce: 0.0723, aux.acc_seg: 92.3572, loss: 0.1957, grad_norm: 2.1554 2023-02-19 18:01:44,989 - mmseg - INFO - Iter [136500/160000] lr: 8.813e-06, eta: 2:24:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1106, decode.acc_seg: 95.1933, aux.loss_ce: 0.0691, aux.acc_seg: 92.8295, loss: 0.1797, grad_norm: 2.1063 2023-02-19 18:02:03,591 - mmseg - INFO - Iter [136550/160000] lr: 8.794e-06, eta: 2:24:01, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1176, decode.acc_seg: 94.9353, aux.loss_ce: 0.0721, aux.acc_seg: 92.3199, loss: 0.1897, grad_norm: 2.0340 2023-02-19 18:02:21,958 - mmseg - INFO - Iter [136600/160000] lr: 8.775e-06, eta: 2:23:42, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1168, decode.acc_seg: 94.9141, aux.loss_ce: 0.0706, aux.acc_seg: 92.4295, loss: 0.1874, grad_norm: 3.2691 2023-02-19 18:02:40,452 - mmseg - INFO - Iter [136650/160000] lr: 8.757e-06, eta: 2:23:24, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1136, decode.acc_seg: 95.0812, aux.loss_ce: 0.0686, aux.acc_seg: 92.7444, loss: 0.1822, grad_norm: 1.9884 2023-02-19 18:02:58,614 - mmseg - INFO - Iter [136700/160000] lr: 8.738e-06, eta: 2:23:05, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1107, decode.acc_seg: 95.1293, aux.loss_ce: 0.0671, aux.acc_seg: 92.8070, loss: 0.1777, grad_norm: 1.7984 2023-02-19 18:03:16,838 - mmseg - INFO - Iter [136750/160000] lr: 8.719e-06, eta: 2:22:47, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1132, decode.acc_seg: 95.1907, aux.loss_ce: 0.0695, aux.acc_seg: 92.7670, loss: 0.1827, grad_norm: 2.0120 2023-02-19 18:03:35,183 - mmseg - INFO - Iter [136800/160000] lr: 8.700e-06, eta: 2:22:28, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 94.8567, aux.loss_ce: 0.0698, aux.acc_seg: 92.4503, loss: 0.1863, grad_norm: 1.8239 2023-02-19 18:03:53,238 - mmseg - INFO - Iter [136850/160000] lr: 8.682e-06, eta: 2:22:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.1142, aux.loss_ce: 0.0682, aux.acc_seg: 92.8187, loss: 0.1820, grad_norm: 1.9177 2023-02-19 18:04:11,367 - mmseg - INFO - Iter [136900/160000] lr: 8.663e-06, eta: 2:21:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.1795, aux.loss_ce: 0.0708, aux.acc_seg: 92.5728, loss: 0.1846, grad_norm: 2.0580 2023-02-19 18:04:29,479 - mmseg - INFO - Iter [136950/160000] lr: 8.644e-06, eta: 2:21:33, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.3361, aux.loss_ce: 0.0654, aux.acc_seg: 93.2126, loss: 0.1752, grad_norm: 2.4508 2023-02-19 18:04:47,516 - mmseg - INFO - Saving checkpoint at 137000 iterations 2023-02-19 18:04:49,516 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:04:49,516 - mmseg - INFO - Iter [137000/160000] lr: 8.625e-06, eta: 2:21:15, time: 0.401, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1113, decode.acc_seg: 95.1458, aux.loss_ce: 0.0657, aux.acc_seg: 92.8903, loss: 0.1770, grad_norm: 1.8973 2023-02-19 18:05:07,617 - mmseg - INFO - Iter [137050/160000] lr: 8.607e-06, eta: 2:20:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1172, decode.acc_seg: 94.8606, aux.loss_ce: 0.0696, aux.acc_seg: 92.5672, loss: 0.1868, grad_norm: 2.1563 2023-02-19 18:05:25,877 - mmseg - INFO - Iter [137100/160000] lr: 8.588e-06, eta: 2:20:38, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1143, decode.acc_seg: 94.9825, aux.loss_ce: 0.0687, aux.acc_seg: 92.6209, loss: 0.1830, grad_norm: 2.1125 2023-02-19 18:05:43,962 - mmseg - INFO - Iter [137150/160000] lr: 8.569e-06, eta: 2:20:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1167, decode.acc_seg: 95.0300, aux.loss_ce: 0.0702, aux.acc_seg: 92.6463, loss: 0.1870, grad_norm: 1.6706 2023-02-19 18:06:01,925 - mmseg - INFO - Iter [137200/160000] lr: 8.550e-06, eta: 2:20:01, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.2261, aux.loss_ce: 0.0682, aux.acc_seg: 92.6442, loss: 0.1776, grad_norm: 1.9826 2023-02-19 18:06:19,941 - mmseg - INFO - Iter [137250/160000] lr: 8.532e-06, eta: 2:19:42, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1175, decode.acc_seg: 94.9148, aux.loss_ce: 0.0706, aux.acc_seg: 92.5270, loss: 0.1881, grad_norm: 2.7085 2023-02-19 18:06:38,064 - mmseg - INFO - Iter [137300/160000] lr: 8.513e-06, eta: 2:19:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1139, decode.acc_seg: 95.0811, aux.loss_ce: 0.0699, aux.acc_seg: 92.5646, loss: 0.1838, grad_norm: 2.1286 2023-02-19 18:06:56,140 - mmseg - INFO - Iter [137350/160000] lr: 8.494e-06, eta: 2:19:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.0209, aux.loss_ce: 0.0688, aux.acc_seg: 92.6215, loss: 0.1826, grad_norm: 1.9156 2023-02-19 18:07:14,202 - mmseg - INFO - Iter [137400/160000] lr: 8.475e-06, eta: 2:18:47, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 94.9574, aux.loss_ce: 0.0692, aux.acc_seg: 92.6549, loss: 0.1844, grad_norm: 1.7500 2023-02-19 18:07:32,408 - mmseg - INFO - Iter [137450/160000] lr: 8.457e-06, eta: 2:18:29, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1149, decode.acc_seg: 95.1242, aux.loss_ce: 0.0715, aux.acc_seg: 92.4694, loss: 0.1864, grad_norm: 2.2022 2023-02-19 18:07:50,388 - mmseg - INFO - Iter [137500/160000] lr: 8.438e-06, eta: 2:18:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1205, decode.acc_seg: 94.8245, aux.loss_ce: 0.0720, aux.acc_seg: 92.4789, loss: 0.1925, grad_norm: 1.9512 2023-02-19 18:08:08,489 - mmseg - INFO - Iter [137550/160000] lr: 8.419e-06, eta: 2:17:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1172, decode.acc_seg: 94.8858, aux.loss_ce: 0.0698, aux.acc_seg: 92.5362, loss: 0.1870, grad_norm: 3.3622 2023-02-19 18:08:27,131 - mmseg - INFO - Iter [137600/160000] lr: 8.400e-06, eta: 2:17:33, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 95.0212, aux.loss_ce: 0.0679, aux.acc_seg: 92.7832, loss: 0.1823, grad_norm: 2.4080 2023-02-19 18:08:45,148 - mmseg - INFO - Iter [137650/160000] lr: 8.382e-06, eta: 2:17:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1199, decode.acc_seg: 94.8862, aux.loss_ce: 0.0710, aux.acc_seg: 92.6016, loss: 0.1909, grad_norm: 2.2680 2023-02-19 18:09:05,479 - mmseg - INFO - Iter [137700/160000] lr: 8.363e-06, eta: 2:16:57, time: 0.407, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1155, decode.acc_seg: 94.9595, aux.loss_ce: 0.0697, aux.acc_seg: 92.4901, loss: 0.1852, grad_norm: 1.8368 2023-02-19 18:09:23,555 - mmseg - INFO - Iter [137750/160000] lr: 8.344e-06, eta: 2:16:38, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1092, decode.acc_seg: 95.2340, aux.loss_ce: 0.0662, aux.acc_seg: 92.9091, loss: 0.1754, grad_norm: 1.9391 2023-02-19 18:09:41,608 - mmseg - INFO - Iter [137800/160000] lr: 8.325e-06, eta: 2:16:20, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1132, decode.acc_seg: 95.0984, aux.loss_ce: 0.0675, aux.acc_seg: 92.7863, loss: 0.1807, grad_norm: 1.8315 2023-02-19 18:10:00,023 - mmseg - INFO - Iter [137850/160000] lr: 8.307e-06, eta: 2:16:01, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1148, decode.acc_seg: 94.9775, aux.loss_ce: 0.0680, aux.acc_seg: 92.7386, loss: 0.1828, grad_norm: 1.9531 2023-02-19 18:10:18,145 - mmseg - INFO - Iter [137900/160000] lr: 8.288e-06, eta: 2:15:43, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1150, decode.acc_seg: 94.9565, aux.loss_ce: 0.0713, aux.acc_seg: 92.4074, loss: 0.1863, grad_norm: 2.4558 2023-02-19 18:10:36,271 - mmseg - INFO - Iter [137950/160000] lr: 8.269e-06, eta: 2:15:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1131, decode.acc_seg: 95.0915, aux.loss_ce: 0.0675, aux.acc_seg: 92.8790, loss: 0.1806, grad_norm: 2.3199 2023-02-19 18:10:54,284 - mmseg - INFO - Saving checkpoint at 138000 iterations 2023-02-19 18:10:56,057 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:10:56,057 - mmseg - INFO - Iter [138000/160000] lr: 8.250e-06, eta: 2:15:06, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.0902, aux.loss_ce: 0.0699, aux.acc_seg: 92.6404, loss: 0.1837, grad_norm: 1.9808 2023-02-19 18:11:14,164 - mmseg - INFO - Iter [138050/160000] lr: 8.232e-06, eta: 2:14:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1135, decode.acc_seg: 94.9898, aux.loss_ce: 0.0691, aux.acc_seg: 92.5351, loss: 0.1826, grad_norm: 2.0645 2023-02-19 18:11:32,428 - mmseg - INFO - Iter [138100/160000] lr: 8.213e-06, eta: 2:14:29, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1141, decode.acc_seg: 95.0611, aux.loss_ce: 0.0694, aux.acc_seg: 92.5820, loss: 0.1835, grad_norm: 3.3015 2023-02-19 18:11:50,763 - mmseg - INFO - Iter [138150/160000] lr: 8.194e-06, eta: 2:14:11, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1130, decode.acc_seg: 95.1866, aux.loss_ce: 0.0684, aux.acc_seg: 92.8187, loss: 0.1814, grad_norm: 1.9575 2023-02-19 18:12:08,890 - mmseg - INFO - Iter [138200/160000] lr: 8.175e-06, eta: 2:13:52, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1198, decode.acc_seg: 94.9687, aux.loss_ce: 0.0750, aux.acc_seg: 92.2638, loss: 0.1948, grad_norm: 2.3956 2023-02-19 18:12:26,962 - mmseg - INFO - Iter [138250/160000] lr: 8.157e-06, eta: 2:13:34, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1322, decode.acc_seg: 94.7119, aux.loss_ce: 0.0778, aux.acc_seg: 92.2452, loss: 0.2100, grad_norm: 3.5791 2023-02-19 18:12:44,959 - mmseg - INFO - Iter [138300/160000] lr: 8.138e-06, eta: 2:13:15, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1121, decode.acc_seg: 95.1025, aux.loss_ce: 0.0689, aux.acc_seg: 92.7000, loss: 0.1809, grad_norm: 1.8575 2023-02-19 18:13:03,060 - mmseg - INFO - Iter [138350/160000] lr: 8.119e-06, eta: 2:12:57, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.0224, aux.loss_ce: 0.0697, aux.acc_seg: 92.5180, loss: 0.1821, grad_norm: 2.2856 2023-02-19 18:13:21,033 - mmseg - INFO - Iter [138400/160000] lr: 8.100e-06, eta: 2:12:38, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1118, decode.acc_seg: 95.2349, aux.loss_ce: 0.0671, aux.acc_seg: 93.0534, loss: 0.1790, grad_norm: 2.4885 2023-02-19 18:13:39,155 - mmseg - INFO - Iter [138450/160000] lr: 8.082e-06, eta: 2:12:20, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.0233, aux.loss_ce: 0.0684, aux.acc_seg: 92.5892, loss: 0.1804, grad_norm: 2.2259 2023-02-19 18:13:57,321 - mmseg - INFO - Iter [138500/160000] lr: 8.063e-06, eta: 2:12:01, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1102, decode.acc_seg: 95.2118, aux.loss_ce: 0.0674, aux.acc_seg: 92.6639, loss: 0.1776, grad_norm: 2.1880 2023-02-19 18:14:15,416 - mmseg - INFO - Iter [138550/160000] lr: 8.044e-06, eta: 2:11:43, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1176, decode.acc_seg: 94.9381, aux.loss_ce: 0.0713, aux.acc_seg: 92.5241, loss: 0.1889, grad_norm: 1.7300 2023-02-19 18:14:33,533 - mmseg - INFO - Iter [138600/160000] lr: 8.025e-06, eta: 2:11:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.9013, aux.loss_ce: 0.0718, aux.acc_seg: 92.4763, loss: 0.1897, grad_norm: 2.2422 2023-02-19 18:14:51,697 - mmseg - INFO - Iter [138650/160000] lr: 8.007e-06, eta: 2:11:06, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1150, decode.acc_seg: 95.0120, aux.loss_ce: 0.0711, aux.acc_seg: 92.5219, loss: 0.1861, grad_norm: 2.3018 2023-02-19 18:15:09,926 - mmseg - INFO - Iter [138700/160000] lr: 7.988e-06, eta: 2:10:47, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1193, decode.acc_seg: 94.7962, aux.loss_ce: 0.0721, aux.acc_seg: 92.3453, loss: 0.1914, grad_norm: 2.2377 2023-02-19 18:15:27,964 - mmseg - INFO - Iter [138750/160000] lr: 7.969e-06, eta: 2:10:29, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1123, decode.acc_seg: 95.2802, aux.loss_ce: 0.0688, aux.acc_seg: 92.9366, loss: 0.1810, grad_norm: 1.9801 2023-02-19 18:15:46,053 - mmseg - INFO - Iter [138800/160000] lr: 7.950e-06, eta: 2:10:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1136, decode.acc_seg: 95.0363, aux.loss_ce: 0.0689, aux.acc_seg: 92.5826, loss: 0.1825, grad_norm: 2.0489 2023-02-19 18:16:04,139 - mmseg - INFO - Iter [138850/160000] lr: 7.932e-06, eta: 2:09:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1166, decode.acc_seg: 94.8857, aux.loss_ce: 0.0698, aux.acc_seg: 92.4358, loss: 0.1864, grad_norm: 2.1684 2023-02-19 18:16:22,277 - mmseg - INFO - Iter [138900/160000] lr: 7.913e-06, eta: 2:09:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1179, decode.acc_seg: 94.9928, aux.loss_ce: 0.0725, aux.acc_seg: 92.4520, loss: 0.1904, grad_norm: 2.1998 2023-02-19 18:16:42,553 - mmseg - INFO - Iter [138950/160000] lr: 7.894e-06, eta: 2:09:15, time: 0.406, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1165, decode.acc_seg: 95.0926, aux.loss_ce: 0.0679, aux.acc_seg: 92.8845, loss: 0.1844, grad_norm: 2.2060 2023-02-19 18:17:00,731 - mmseg - INFO - Saving checkpoint at 139000 iterations 2023-02-19 18:17:02,489 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:17:02,489 - mmseg - INFO - Iter [139000/160000] lr: 7.875e-06, eta: 2:08:57, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1149, decode.acc_seg: 94.9369, aux.loss_ce: 0.0680, aux.acc_seg: 92.6629, loss: 0.1829, grad_norm: 1.9177 2023-02-19 18:17:20,706 - mmseg - INFO - Iter [139050/160000] lr: 7.857e-06, eta: 2:08:39, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1167, decode.acc_seg: 95.0508, aux.loss_ce: 0.0701, aux.acc_seg: 92.7055, loss: 0.1868, grad_norm: 2.1361 2023-02-19 18:17:38,692 - mmseg - INFO - Iter [139100/160000] lr: 7.838e-06, eta: 2:08:20, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 95.1502, aux.loss_ce: 0.0695, aux.acc_seg: 92.8144, loss: 0.1846, grad_norm: 1.9008 2023-02-19 18:17:57,052 - mmseg - INFO - Iter [139150/160000] lr: 7.819e-06, eta: 2:08:02, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.3208, aux.loss_ce: 0.0657, aux.acc_seg: 93.0141, loss: 0.1740, grad_norm: 1.5362 2023-02-19 18:18:15,085 - mmseg - INFO - Iter [139200/160000] lr: 7.800e-06, eta: 2:07:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.1238, aux.loss_ce: 0.0665, aux.acc_seg: 93.0248, loss: 0.1790, grad_norm: 1.8241 2023-02-19 18:18:33,312 - mmseg - INFO - Iter [139250/160000] lr: 7.782e-06, eta: 2:07:25, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.1447, aux.loss_ce: 0.0666, aux.acc_seg: 92.7097, loss: 0.1749, grad_norm: 2.0870 2023-02-19 18:18:51,503 - mmseg - INFO - Iter [139300/160000] lr: 7.763e-06, eta: 2:07:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1101, decode.acc_seg: 95.2533, aux.loss_ce: 0.0661, aux.acc_seg: 93.0584, loss: 0.1762, grad_norm: 1.9951 2023-02-19 18:19:09,588 - mmseg - INFO - Iter [139350/160000] lr: 7.744e-06, eta: 2:06:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1104, decode.acc_seg: 95.2441, aux.loss_ce: 0.0682, aux.acc_seg: 92.7814, loss: 0.1786, grad_norm: 1.9113 2023-02-19 18:19:28,115 - mmseg - INFO - Iter [139400/160000] lr: 7.725e-06, eta: 2:06:30, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1139, decode.acc_seg: 95.0238, aux.loss_ce: 0.0688, aux.acc_seg: 92.6179, loss: 0.1827, grad_norm: 2.1590 2023-02-19 18:19:46,314 - mmseg - INFO - Iter [139450/160000] lr: 7.707e-06, eta: 2:06:11, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1055, decode.acc_seg: 95.4428, aux.loss_ce: 0.0662, aux.acc_seg: 92.9474, loss: 0.1717, grad_norm: 2.1180 2023-02-19 18:20:04,637 - mmseg - INFO - Iter [139500/160000] lr: 7.688e-06, eta: 2:05:53, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1153, decode.acc_seg: 95.0033, aux.loss_ce: 0.0705, aux.acc_seg: 92.6210, loss: 0.1859, grad_norm: 1.7130 2023-02-19 18:20:23,452 - mmseg - INFO - Iter [139550/160000] lr: 7.669e-06, eta: 2:05:34, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 95.0031, aux.loss_ce: 0.0714, aux.acc_seg: 92.5772, loss: 0.1892, grad_norm: 2.9452 2023-02-19 18:20:41,814 - mmseg - INFO - Iter [139600/160000] lr: 7.650e-06, eta: 2:05:16, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 94.9196, aux.loss_ce: 0.0693, aux.acc_seg: 92.5616, loss: 0.1853, grad_norm: 1.8260 2023-02-19 18:20:59,960 - mmseg - INFO - Iter [139650/160000] lr: 7.632e-06, eta: 2:04:57, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.1472, aux.loss_ce: 0.0713, aux.acc_seg: 92.2994, loss: 0.1842, grad_norm: 2.4797 2023-02-19 18:21:18,023 - mmseg - INFO - Iter [139700/160000] lr: 7.613e-06, eta: 2:04:39, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.0744, aux.loss_ce: 0.0693, aux.acc_seg: 92.4827, loss: 0.1817, grad_norm: 1.7527 2023-02-19 18:21:36,070 - mmseg - INFO - Iter [139750/160000] lr: 7.594e-06, eta: 2:04:20, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1149, decode.acc_seg: 94.9761, aux.loss_ce: 0.0697, aux.acc_seg: 92.5353, loss: 0.1847, grad_norm: 2.1697 2023-02-19 18:21:54,514 - mmseg - INFO - Iter [139800/160000] lr: 7.575e-06, eta: 2:04:02, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1234, decode.acc_seg: 94.6770, aux.loss_ce: 0.0756, aux.acc_seg: 92.0169, loss: 0.1990, grad_norm: 2.4844 2023-02-19 18:22:12,658 - mmseg - INFO - Iter [139850/160000] lr: 7.557e-06, eta: 2:03:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1152, decode.acc_seg: 94.9600, aux.loss_ce: 0.0695, aux.acc_seg: 92.5949, loss: 0.1846, grad_norm: 2.1787 2023-02-19 18:22:30,753 - mmseg - INFO - Iter [139900/160000] lr: 7.538e-06, eta: 2:03:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1101, decode.acc_seg: 95.2011, aux.loss_ce: 0.0681, aux.acc_seg: 92.6947, loss: 0.1782, grad_norm: 1.8548 2023-02-19 18:22:48,988 - mmseg - INFO - Iter [139950/160000] lr: 7.519e-06, eta: 2:03:07, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1137, decode.acc_seg: 95.0633, aux.loss_ce: 0.0694, aux.acc_seg: 92.6204, loss: 0.1831, grad_norm: 2.5774 2023-02-19 18:23:06,973 - mmseg - INFO - Saving checkpoint at 140000 iterations 2023-02-19 18:23:08,728 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:23:08,728 - mmseg - INFO - Iter [140000/160000] lr: 7.500e-06, eta: 2:02:48, time: 0.395, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1118, decode.acc_seg: 95.2028, aux.loss_ce: 0.0673, aux.acc_seg: 92.8957, loss: 0.1791, grad_norm: 1.5948 2023-02-19 18:23:27,043 - mmseg - INFO - Iter [140050/160000] lr: 7.482e-06, eta: 2:02:30, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.0279, aux.loss_ce: 0.0672, aux.acc_seg: 92.7761, loss: 0.1811, grad_norm: 2.0079 2023-02-19 18:23:45,349 - mmseg - INFO - Iter [140100/160000] lr: 7.463e-06, eta: 2:02:12, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1196, decode.acc_seg: 94.6611, aux.loss_ce: 0.0724, aux.acc_seg: 92.1762, loss: 0.1920, grad_norm: 1.7685 2023-02-19 18:24:03,438 - mmseg - INFO - Iter [140150/160000] lr: 7.444e-06, eta: 2:01:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1122, decode.acc_seg: 95.1222, aux.loss_ce: 0.0664, aux.acc_seg: 92.8696, loss: 0.1787, grad_norm: 1.7556 2023-02-19 18:24:23,844 - mmseg - INFO - Iter [140200/160000] lr: 7.425e-06, eta: 2:01:35, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 95.0498, aux.loss_ce: 0.0697, aux.acc_seg: 92.6330, loss: 0.1855, grad_norm: 2.2390 2023-02-19 18:24:42,528 - mmseg - INFO - Iter [140250/160000] lr: 7.407e-06, eta: 2:01:17, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1109, decode.acc_seg: 95.2327, aux.loss_ce: 0.0707, aux.acc_seg: 92.6028, loss: 0.1816, grad_norm: 2.0570 2023-02-19 18:25:00,655 - mmseg - INFO - Iter [140300/160000] lr: 7.388e-06, eta: 2:00:58, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.3129, aux.loss_ce: 0.0690, aux.acc_seg: 92.8060, loss: 0.1788, grad_norm: 2.1454 2023-02-19 18:25:18,696 - mmseg - INFO - Iter [140350/160000] lr: 7.369e-06, eta: 2:00:40, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1082, decode.acc_seg: 95.3761, aux.loss_ce: 0.0667, aux.acc_seg: 93.0325, loss: 0.1749, grad_norm: 1.9088 2023-02-19 18:25:36,953 - mmseg - INFO - Iter [140400/160000] lr: 7.350e-06, eta: 2:00:21, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1097, decode.acc_seg: 95.1504, aux.loss_ce: 0.0656, aux.acc_seg: 92.8795, loss: 0.1753, grad_norm: 2.1869 2023-02-19 18:25:55,003 - mmseg - INFO - Iter [140450/160000] lr: 7.332e-06, eta: 2:00:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1129, decode.acc_seg: 95.0884, aux.loss_ce: 0.0668, aux.acc_seg: 92.7791, loss: 0.1797, grad_norm: 1.5860 2023-02-19 18:26:13,132 - mmseg - INFO - Iter [140500/160000] lr: 7.313e-06, eta: 1:59:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1180, decode.acc_seg: 94.9980, aux.loss_ce: 0.0720, aux.acc_seg: 92.6000, loss: 0.1900, grad_norm: 2.7861 2023-02-19 18:26:31,211 - mmseg - INFO - Iter [140550/160000] lr: 7.294e-06, eta: 1:59:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1169, decode.acc_seg: 94.8967, aux.loss_ce: 0.0695, aux.acc_seg: 92.4510, loss: 0.1864, grad_norm: 2.2385 2023-02-19 18:26:49,330 - mmseg - INFO - Iter [140600/160000] lr: 7.275e-06, eta: 1:59:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.2217, aux.loss_ce: 0.0677, aux.acc_seg: 92.8828, loss: 0.1797, grad_norm: 2.2415 2023-02-19 18:27:07,496 - mmseg - INFO - Iter [140650/160000] lr: 7.257e-06, eta: 1:58:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1118, decode.acc_seg: 95.0916, aux.loss_ce: 0.0696, aux.acc_seg: 92.5004, loss: 0.1814, grad_norm: 2.0696 2023-02-19 18:27:25,962 - mmseg - INFO - Iter [140700/160000] lr: 7.238e-06, eta: 1:58:30, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1130, decode.acc_seg: 95.0177, aux.loss_ce: 0.0692, aux.acc_seg: 92.5017, loss: 0.1822, grad_norm: 2.5164 2023-02-19 18:27:44,305 - mmseg - INFO - Iter [140750/160000] lr: 7.219e-06, eta: 1:58:12, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1025, decode.acc_seg: 95.3810, aux.loss_ce: 0.0637, aux.acc_seg: 92.9716, loss: 0.1662, grad_norm: 2.0200 2023-02-19 18:28:02,666 - mmseg - INFO - Iter [140800/160000] lr: 7.200e-06, eta: 1:57:54, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1168, decode.acc_seg: 94.8820, aux.loss_ce: 0.0711, aux.acc_seg: 92.3667, loss: 0.1880, grad_norm: 2.3483 2023-02-19 18:28:20,731 - mmseg - INFO - Iter [140850/160000] lr: 7.182e-06, eta: 1:57:35, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1162, decode.acc_seg: 95.1654, aux.loss_ce: 0.0735, aux.acc_seg: 92.5818, loss: 0.1896, grad_norm: 2.1651 2023-02-19 18:28:38,785 - mmseg - INFO - Iter [140900/160000] lr: 7.163e-06, eta: 1:57:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1130, decode.acc_seg: 94.9446, aux.loss_ce: 0.0664, aux.acc_seg: 92.8102, loss: 0.1795, grad_norm: 1.9170 2023-02-19 18:28:56,811 - mmseg - INFO - Iter [140950/160000] lr: 7.144e-06, eta: 1:56:58, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1109, decode.acc_seg: 95.1968, aux.loss_ce: 0.0688, aux.acc_seg: 92.7333, loss: 0.1797, grad_norm: 1.5025 2023-02-19 18:29:14,847 - mmseg - INFO - Saving checkpoint at 141000 iterations 2023-02-19 18:29:16,584 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:29:16,585 - mmseg - INFO - Iter [141000/160000] lr: 7.125e-06, eta: 1:56:40, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1162, decode.acc_seg: 95.0031, aux.loss_ce: 0.0717, aux.acc_seg: 92.5157, loss: 0.1879, grad_norm: 2.1980 2023-02-19 18:29:34,606 - mmseg - INFO - Iter [141050/160000] lr: 7.107e-06, eta: 1:56:21, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 95.0385, aux.loss_ce: 0.0699, aux.acc_seg: 92.4279, loss: 0.1850, grad_norm: 2.7145 2023-02-19 18:29:52,645 - mmseg - INFO - Iter [141100/160000] lr: 7.088e-06, eta: 1:56:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1152, decode.acc_seg: 95.0086, aux.loss_ce: 0.0682, aux.acc_seg: 92.7536, loss: 0.1833, grad_norm: 1.6950 2023-02-19 18:30:10,783 - mmseg - INFO - Iter [141150/160000] lr: 7.069e-06, eta: 1:55:45, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1181, decode.acc_seg: 94.8863, aux.loss_ce: 0.0722, aux.acc_seg: 92.3455, loss: 0.1903, grad_norm: 2.0101 2023-02-19 18:30:28,901 - mmseg - INFO - Iter [141200/160000] lr: 7.050e-06, eta: 1:55:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1121, decode.acc_seg: 95.0996, aux.loss_ce: 0.0692, aux.acc_seg: 92.5934, loss: 0.1813, grad_norm: 2.5474 2023-02-19 18:30:46,926 - mmseg - INFO - Iter [141250/160000] lr: 7.032e-06, eta: 1:55:08, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1181, decode.acc_seg: 94.9620, aux.loss_ce: 0.0712, aux.acc_seg: 92.5776, loss: 0.1893, grad_norm: 2.2425 2023-02-19 18:31:05,018 - mmseg - INFO - Iter [141300/160000] lr: 7.013e-06, eta: 1:54:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1117, decode.acc_seg: 95.2709, aux.loss_ce: 0.0672, aux.acc_seg: 93.0474, loss: 0.1789, grad_norm: 2.0901 2023-02-19 18:31:23,021 - mmseg - INFO - Iter [141350/160000] lr: 6.994e-06, eta: 1:54:31, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1123, decode.acc_seg: 95.0882, aux.loss_ce: 0.0676, aux.acc_seg: 92.7457, loss: 0.1799, grad_norm: 1.9817 2023-02-19 18:31:41,298 - mmseg - INFO - Iter [141400/160000] lr: 6.975e-06, eta: 1:54:12, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1113, decode.acc_seg: 95.1078, aux.loss_ce: 0.0696, aux.acc_seg: 92.5486, loss: 0.1808, grad_norm: 2.0011 2023-02-19 18:31:59,408 - mmseg - INFO - Iter [141450/160000] lr: 6.957e-06, eta: 1:53:54, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.1342, aux.loss_ce: 0.0689, aux.acc_seg: 92.7430, loss: 0.1817, grad_norm: 1.8150 2023-02-19 18:32:20,002 - mmseg - INFO - Iter [141500/160000] lr: 6.938e-06, eta: 1:53:36, time: 0.412, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1193, decode.acc_seg: 94.7979, aux.loss_ce: 0.0708, aux.acc_seg: 92.4127, loss: 0.1901, grad_norm: 2.3138 2023-02-19 18:32:38,491 - mmseg - INFO - Iter [141550/160000] lr: 6.919e-06, eta: 1:53:17, time: 0.370, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1141, decode.acc_seg: 95.0531, aux.loss_ce: 0.0689, aux.acc_seg: 92.7181, loss: 0.1831, grad_norm: 1.9029 2023-02-19 18:32:56,658 - mmseg - INFO - Iter [141600/160000] lr: 6.900e-06, eta: 1:52:59, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.1940, aux.loss_ce: 0.0688, aux.acc_seg: 92.6376, loss: 0.1786, grad_norm: 2.2052 2023-02-19 18:33:14,706 - mmseg - INFO - Iter [141650/160000] lr: 6.882e-06, eta: 1:52:40, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1096, decode.acc_seg: 95.3209, aux.loss_ce: 0.0661, aux.acc_seg: 93.0692, loss: 0.1756, grad_norm: 1.5124 2023-02-19 18:33:33,106 - mmseg - INFO - Iter [141700/160000] lr: 6.863e-06, eta: 1:52:22, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1097, decode.acc_seg: 95.2017, aux.loss_ce: 0.0675, aux.acc_seg: 92.7252, loss: 0.1772, grad_norm: 2.0305 2023-02-19 18:33:51,160 - mmseg - INFO - Iter [141750/160000] lr: 6.844e-06, eta: 1:52:03, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.2637, aux.loss_ce: 0.0685, aux.acc_seg: 92.9042, loss: 0.1788, grad_norm: 2.4423 2023-02-19 18:34:09,219 - mmseg - INFO - Iter [141800/160000] lr: 6.825e-06, eta: 1:51:45, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 94.9171, aux.loss_ce: 0.0704, aux.acc_seg: 92.5802, loss: 0.1862, grad_norm: 2.3810 2023-02-19 18:34:27,315 - mmseg - INFO - Iter [141850/160000] lr: 6.807e-06, eta: 1:51:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1079, decode.acc_seg: 95.3006, aux.loss_ce: 0.0675, aux.acc_seg: 92.8083, loss: 0.1755, grad_norm: 1.8453 2023-02-19 18:34:45,542 - mmseg - INFO - Iter [141900/160000] lr: 6.788e-06, eta: 1:51:08, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 95.0178, aux.loss_ce: 0.0705, aux.acc_seg: 92.4868, loss: 0.1857, grad_norm: 1.9233 2023-02-19 18:35:03,626 - mmseg - INFO - Iter [141950/160000] lr: 6.769e-06, eta: 1:50:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1204, decode.acc_seg: 95.1078, aux.loss_ce: 0.0689, aux.acc_seg: 92.9412, loss: 0.1894, grad_norm: 3.3497 2023-02-19 18:35:21,597 - mmseg - INFO - Saving checkpoint at 142000 iterations 2023-02-19 18:35:23,492 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:35:23,492 - mmseg - INFO - Iter [142000/160000] lr: 6.750e-06, eta: 1:50:31, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.1653, aux.loss_ce: 0.0664, aux.acc_seg: 92.9120, loss: 0.1769, grad_norm: 1.7344 2023-02-19 18:35:41,866 - mmseg - INFO - Iter [142050/160000] lr: 6.732e-06, eta: 1:50:13, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1121, decode.acc_seg: 95.2457, aux.loss_ce: 0.0694, aux.acc_seg: 92.8694, loss: 0.1814, grad_norm: 2.1804 2023-02-19 18:35:59,978 - mmseg - INFO - Iter [142100/160000] lr: 6.713e-06, eta: 1:49:54, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1157, decode.acc_seg: 94.9081, aux.loss_ce: 0.0715, aux.acc_seg: 92.3111, loss: 0.1872, grad_norm: 1.8554 2023-02-19 18:36:18,167 - mmseg - INFO - Iter [142150/160000] lr: 6.694e-06, eta: 1:49:36, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1177, decode.acc_seg: 95.0349, aux.loss_ce: 0.0710, aux.acc_seg: 92.7887, loss: 0.1887, grad_norm: 2.4018 2023-02-19 18:36:36,640 - mmseg - INFO - Iter [142200/160000] lr: 6.675e-06, eta: 1:49:18, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1065, decode.acc_seg: 95.3051, aux.loss_ce: 0.0666, aux.acc_seg: 92.8471, loss: 0.1731, grad_norm: 1.7555 2023-02-19 18:36:54,907 - mmseg - INFO - Iter [142250/160000] lr: 6.657e-06, eta: 1:48:59, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1073, decode.acc_seg: 95.2814, aux.loss_ce: 0.0648, aux.acc_seg: 93.0335, loss: 0.1721, grad_norm: 2.0637 2023-02-19 18:37:13,020 - mmseg - INFO - Iter [142300/160000] lr: 6.638e-06, eta: 1:48:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1118, decode.acc_seg: 95.1001, aux.loss_ce: 0.0705, aux.acc_seg: 92.4857, loss: 0.1824, grad_norm: 2.4903 2023-02-19 18:37:31,129 - mmseg - INFO - Iter [142350/160000] lr: 6.619e-06, eta: 1:48:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1134, decode.acc_seg: 95.0520, aux.loss_ce: 0.0676, aux.acc_seg: 92.7480, loss: 0.1810, grad_norm: 2.2582 2023-02-19 18:37:50,479 - mmseg - INFO - Iter [142400/160000] lr: 6.600e-06, eta: 1:48:04, time: 0.387, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1116, decode.acc_seg: 95.2363, aux.loss_ce: 0.0696, aux.acc_seg: 92.7420, loss: 0.1811, grad_norm: 1.9888 2023-02-19 18:38:08,607 - mmseg - INFO - Iter [142450/160000] lr: 6.582e-06, eta: 1:47:45, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1182, decode.acc_seg: 94.7327, aux.loss_ce: 0.0695, aux.acc_seg: 92.4125, loss: 0.1877, grad_norm: 1.9899 2023-02-19 18:38:26,674 - mmseg - INFO - Iter [142500/160000] lr: 6.563e-06, eta: 1:47:27, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1139, decode.acc_seg: 95.0180, aux.loss_ce: 0.0698, aux.acc_seg: 92.6796, loss: 0.1836, grad_norm: 2.0513 2023-02-19 18:38:44,797 - mmseg - INFO - Iter [142550/160000] lr: 6.544e-06, eta: 1:47:08, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1122, decode.acc_seg: 95.0881, aux.loss_ce: 0.0680, aux.acc_seg: 92.7771, loss: 0.1801, grad_norm: 2.5330 2023-02-19 18:39:02,917 - mmseg - INFO - Iter [142600/160000] lr: 6.525e-06, eta: 1:46:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1113, decode.acc_seg: 95.0867, aux.loss_ce: 0.0671, aux.acc_seg: 92.7791, loss: 0.1783, grad_norm: 2.5037 2023-02-19 18:39:21,048 - mmseg - INFO - Iter [142650/160000] lr: 6.507e-06, eta: 1:46:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1090, decode.acc_seg: 95.2144, aux.loss_ce: 0.0687, aux.acc_seg: 92.6155, loss: 0.1777, grad_norm: 1.8940 2023-02-19 18:39:39,182 - mmseg - INFO - Iter [142700/160000] lr: 6.488e-06, eta: 1:46:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1102, decode.acc_seg: 95.1832, aux.loss_ce: 0.0688, aux.acc_seg: 92.5045, loss: 0.1790, grad_norm: 1.9893 2023-02-19 18:39:59,614 - mmseg - INFO - Iter [142750/160000] lr: 6.469e-06, eta: 1:45:55, time: 0.409, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1170, decode.acc_seg: 94.8734, aux.loss_ce: 0.0696, aux.acc_seg: 92.5628, loss: 0.1865, grad_norm: 1.8785 2023-02-19 18:40:17,625 - mmseg - INFO - Iter [142800/160000] lr: 6.450e-06, eta: 1:45:36, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1166, decode.acc_seg: 94.9830, aux.loss_ce: 0.0704, aux.acc_seg: 92.6444, loss: 0.1870, grad_norm: 2.0228 2023-02-19 18:40:36,103 - mmseg - INFO - Iter [142850/160000] lr: 6.432e-06, eta: 1:45:18, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1157, decode.acc_seg: 95.0872, aux.loss_ce: 0.0688, aux.acc_seg: 92.8285, loss: 0.1844, grad_norm: 2.2727 2023-02-19 18:40:54,313 - mmseg - INFO - Iter [142900/160000] lr: 6.413e-06, eta: 1:45:00, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1106, decode.acc_seg: 95.2002, aux.loss_ce: 0.0682, aux.acc_seg: 92.7977, loss: 0.1788, grad_norm: 2.3503 2023-02-19 18:41:12,456 - mmseg - INFO - Iter [142950/160000] lr: 6.394e-06, eta: 1:44:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1172, decode.acc_seg: 95.0282, aux.loss_ce: 0.0714, aux.acc_seg: 92.5977, loss: 0.1886, grad_norm: 2.0035 2023-02-19 18:41:30,518 - mmseg - INFO - Saving checkpoint at 143000 iterations 2023-02-19 18:41:32,245 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:41:32,245 - mmseg - INFO - Iter [143000/160000] lr: 6.375e-06, eta: 1:44:23, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.3062, aux.loss_ce: 0.0682, aux.acc_seg: 92.8906, loss: 0.1786, grad_norm: 1.9991 2023-02-19 18:41:50,232 - mmseg - INFO - Iter [143050/160000] lr: 6.357e-06, eta: 1:44:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.1097, aux.loss_ce: 0.0675, aux.acc_seg: 92.8983, loss: 0.1813, grad_norm: 1.8318 2023-02-19 18:42:08,292 - mmseg - INFO - Iter [143100/160000] lr: 6.338e-06, eta: 1:43:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1169, decode.acc_seg: 94.9362, aux.loss_ce: 0.0717, aux.acc_seg: 92.4176, loss: 0.1887, grad_norm: 2.2869 2023-02-19 18:42:26,465 - mmseg - INFO - Iter [143150/160000] lr: 6.319e-06, eta: 1:43:27, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1092, decode.acc_seg: 95.2506, aux.loss_ce: 0.0666, aux.acc_seg: 92.9785, loss: 0.1758, grad_norm: 1.5083 2023-02-19 18:42:44,491 - mmseg - INFO - Iter [143200/160000] lr: 6.300e-06, eta: 1:43:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1121, decode.acc_seg: 95.1272, aux.loss_ce: 0.0682, aux.acc_seg: 92.7215, loss: 0.1803, grad_norm: 2.5450 2023-02-19 18:43:02,457 - mmseg - INFO - Iter [143250/160000] lr: 6.282e-06, eta: 1:42:51, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1086, decode.acc_seg: 95.3004, aux.loss_ce: 0.0661, aux.acc_seg: 92.9780, loss: 0.1746, grad_norm: 1.7967 2023-02-19 18:43:20,391 - mmseg - INFO - Iter [143300/160000] lr: 6.263e-06, eta: 1:42:32, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1145, decode.acc_seg: 95.0908, aux.loss_ce: 0.0692, aux.acc_seg: 92.7385, loss: 0.1837, grad_norm: 2.0746 2023-02-19 18:43:38,572 - mmseg - INFO - Iter [143350/160000] lr: 6.244e-06, eta: 1:42:14, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.1325, aux.loss_ce: 0.0681, aux.acc_seg: 92.6657, loss: 0.1789, grad_norm: 2.2366 2023-02-19 18:43:56,580 - mmseg - INFO - Iter [143400/160000] lr: 6.225e-06, eta: 1:41:55, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1189, decode.acc_seg: 94.8761, aux.loss_ce: 0.0697, aux.acc_seg: 92.4467, loss: 0.1886, grad_norm: 2.4070 2023-02-19 18:44:14,810 - mmseg - INFO - Iter [143450/160000] lr: 6.207e-06, eta: 1:41:37, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.1370, aux.loss_ce: 0.0675, aux.acc_seg: 92.8706, loss: 0.1799, grad_norm: 2.1350 2023-02-19 18:44:32,858 - mmseg - INFO - Iter [143500/160000] lr: 6.188e-06, eta: 1:41:18, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1117, decode.acc_seg: 95.1532, aux.loss_ce: 0.0665, aux.acc_seg: 92.8346, loss: 0.1782, grad_norm: 2.1014 2023-02-19 18:44:50,880 - mmseg - INFO - Iter [143550/160000] lr: 6.169e-06, eta: 1:41:00, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1077, decode.acc_seg: 95.2139, aux.loss_ce: 0.0684, aux.acc_seg: 92.6048, loss: 0.1761, grad_norm: 2.1266 2023-02-19 18:45:09,099 - mmseg - INFO - Iter [143600/160000] lr: 6.150e-06, eta: 1:40:41, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1084, decode.acc_seg: 95.2308, aux.loss_ce: 0.0678, aux.acc_seg: 92.7299, loss: 0.1762, grad_norm: 1.6908 2023-02-19 18:45:27,164 - mmseg - INFO - Iter [143650/160000] lr: 6.132e-06, eta: 1:40:23, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1145, decode.acc_seg: 95.0159, aux.loss_ce: 0.0704, aux.acc_seg: 92.4583, loss: 0.1849, grad_norm: 1.9973 2023-02-19 18:45:45,368 - mmseg - INFO - Iter [143700/160000] lr: 6.113e-06, eta: 1:40:04, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1122, decode.acc_seg: 95.1725, aux.loss_ce: 0.0684, aux.acc_seg: 92.7420, loss: 0.1806, grad_norm: 1.5942 2023-02-19 18:46:03,383 - mmseg - INFO - Iter [143750/160000] lr: 6.094e-06, eta: 1:39:46, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1074, decode.acc_seg: 95.3072, aux.loss_ce: 0.0679, aux.acc_seg: 92.7810, loss: 0.1754, grad_norm: 1.7952 2023-02-19 18:46:21,449 - mmseg - INFO - Iter [143800/160000] lr: 6.075e-06, eta: 1:39:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1191, decode.acc_seg: 95.0508, aux.loss_ce: 0.0704, aux.acc_seg: 92.7696, loss: 0.1895, grad_norm: 3.4652 2023-02-19 18:46:39,471 - mmseg - INFO - Iter [143850/160000] lr: 6.057e-06, eta: 1:39:09, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1127, decode.acc_seg: 95.1113, aux.loss_ce: 0.0681, aux.acc_seg: 92.7335, loss: 0.1809, grad_norm: 1.7751 2023-02-19 18:46:57,483 - mmseg - INFO - Iter [143900/160000] lr: 6.038e-06, eta: 1:38:51, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1097, decode.acc_seg: 95.1532, aux.loss_ce: 0.0655, aux.acc_seg: 92.8495, loss: 0.1752, grad_norm: 1.7621 2023-02-19 18:47:15,579 - mmseg - INFO - Iter [143950/160000] lr: 6.019e-06, eta: 1:38:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1150, decode.acc_seg: 95.0921, aux.loss_ce: 0.0690, aux.acc_seg: 92.8626, loss: 0.1840, grad_norm: 2.0408 2023-02-19 18:47:36,094 - mmseg - INFO - Saving checkpoint at 144000 iterations 2023-02-19 18:47:37,938 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:47:37,939 - mmseg - INFO - Iter [144000/160000] lr: 6.000e-06, eta: 1:38:14, time: 0.447, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1068, decode.acc_seg: 95.4273, aux.loss_ce: 0.0653, aux.acc_seg: 93.1407, loss: 0.1722, grad_norm: 1.6556 2023-02-19 18:48:05,850 - mmseg - INFO - per class results: 2023-02-19 18:48:05,855 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.27 | 86.71 | | building | 82.31 | 92.7 | | sky | 94.22 | 97.37 | | floor | 80.67 | 91.62 | | tree | 75.04 | 88.69 | | ceiling | 83.1 | 94.1 | | road | 82.66 | 89.94 | | bed | 87.93 | 96.71 | | windowpane | 62.03 | 79.0 | | grass | 67.11 | 80.49 | | cabinet | 63.8 | 76.58 | | sidewalk | 65.45 | 80.82 | | person | 80.79 | 92.35 | | earth | 38.02 | 52.95 | | door | 52.65 | 68.53 | | table | 61.15 | 76.62 | | mountain | 54.79 | 67.55 | | plant | 53.11 | 64.71 | | curtain | 73.93 | 86.37 | | chair | 57.25 | 75.11 | | car | 83.86 | 91.0 | | water | 49.0 | 62.96 | | painting | 75.82 | 91.48 | | sofa | 64.85 | 82.4 | | shelf | 44.63 | 60.06 | | house | 44.76 | 54.87 | | sea | 53.21 | 74.97 | | mirror | 69.17 | 75.53 | | rug | 63.9 | 73.26 | | field | 30.95 | 47.04 | | armchair | 37.85 | 54.45 | | seat | 62.48 | 80.54 | | fence | 41.45 | 58.71 | | desk | 49.56 | 63.93 | | rock | 38.23 | 59.22 | | wardrobe | 51.99 | 64.82 | | lamp | 62.38 | 79.7 | | bathtub | 80.94 | 86.19 | | railing | 36.15 | 56.28 | | cushion | 56.24 | 71.95 | | base | 23.72 | 30.64 | | box | 25.59 | 31.87 | | column | 45.96 | 57.11 | | signboard | 37.09 | 52.41 | | chest of drawers | 40.19 | 59.17 | | counter | 28.46 | 42.34 | | sand | 45.36 | 61.32 | | sink | 74.42 | 80.95 | | skyscraper | 51.37 | 66.11 | | fireplace | 73.92 | 92.41 | | refrigerator | 77.26 | 85.59 | | grandstand | 40.51 | 64.49 | | path | 21.99 | 30.22 | | stairs | 31.31 | 37.65 | | runway | 68.74 | 89.06 | | case | 39.68 | 49.94 | | pool table | 93.32 | 96.5 | | pillow | 51.39 | 57.76 | | screen door | 69.92 | 80.48 | | stairway | 31.13 | 38.73 | | river | 8.33 | 23.11 | | bridge | 64.23 | 76.43 | | bookcase | 41.12 | 66.4 | | blind | 38.52 | 43.18 | | coffee table | 59.02 | 83.91 | | toilet | 85.65 | 91.97 | | flower | 34.98 | 51.84 | | book | 46.7 | 63.52 | | hill | 5.85 | 10.64 | | bench | 46.28 | 52.31 | | countertop | 45.08 | 68.53 | | stove | 79.38 | 84.51 | | palm | 53.44 | 80.62 | | kitchen island | 39.04 | 72.86 | | computer | 63.82 | 71.55 | | swivel chair | 46.15 | 60.7 | | boat | 43.39 | 49.2 | | bar | 23.49 | 28.07 | | arcade machine | 42.03 | 43.67 | | hovel | 38.03 | 40.26 | | bus | 89.52 | 96.16 | | towel | 63.82 | 73.4 | | light | 53.11 | 57.19 | | truck | 38.77 | 50.8 | | tower | 7.44 | 10.7 | | chandelier | 64.05 | 88.92 | | awning | 27.17 | 32.21 | | streetlight | 31.08 | 46.06 | | booth | 55.93 | 63.77 | | television receiver | 70.32 | 80.04 | | airplane | 55.39 | 65.4 | | dirt track | 7.25 | 14.92 | | apparel | 40.16 | 59.19 | | pole | 24.25 | 32.72 | | land | 4.35 | 6.1 | | bannister | 5.08 | 5.86 | | escalator | 32.65 | 34.43 | | ottoman | 47.01 | 55.99 | | bottle | 36.8 | 61.22 | | buffet | 36.06 | 45.56 | | poster | 28.4 | 36.23 | | stage | 15.1 | 26.38 | | van | 44.95 | 60.39 | | ship | 64.53 | 93.59 | | fountain | 37.95 | 39.31 | | conveyer belt | 76.91 | 82.48 | | canopy | 29.79 | 39.24 | | washer | 72.99 | 75.27 | | plaything | 27.08 | 37.72 | | swimming pool | 40.85 | 58.05 | | stool | 45.73 | 59.5 | | barrel | 35.11 | 75.04 | | basket | 28.7 | 46.72 | | waterfall | 56.53 | 66.32 | | tent | 96.48 | 97.77 | | bag | 10.97 | 11.89 | | minibike | 68.13 | 86.29 | | cradle | 78.18 | 98.41 | | oven | 59.21 | 76.93 | | ball | 40.13 | 60.04 | | food | 46.83 | 52.68 | | step | 10.06 | 11.91 | | tank | 46.03 | 51.32 | | trade name | 24.26 | 28.89 | | microwave | 76.91 | 82.48 | | pot | 45.63 | 57.52 | | animal | 55.65 | 57.58 | | bicycle | 56.19 | 82.38 | | lake | 21.8 | 25.86 | | dishwasher | 68.88 | 78.81 | | screen | 58.25 | 77.71 | | blanket | 8.2 | 9.62 | | sculpture | 64.17 | 83.77 | | hood | 65.39 | 72.3 | | sconce | 45.33 | 70.2 | | vase | 33.96 | 53.08 | | traffic light | 38.26 | 55.28 | | tray | 9.93 | 17.39 | | ashcan | 37.17 | 49.08 | | fan | 65.34 | 79.23 | | pier | 37.22 | 46.73 | | crt screen | 6.81 | 11.12 | | plate | 58.14 | 75.03 | | monitor | 41.9 | 62.39 | | bulletin board | 30.42 | 41.36 | | shower | 1.28 | 3.2 | | radiator | 57.8 | 64.22 | | glass | 13.53 | 15.17 | | clock | 42.17 | 56.42 | | flag | 46.07 | 56.45 | +---------------------+-------+-------+ 2023-02-19 18:48:05,855 - mmseg - INFO - Summary: 2023-02-19 18:48:05,856 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 82.93 | 48.85 | 60.89 | +-------+-------+-------+ 2023-02-19 18:48:07,589 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_144000.pth. 2023-02-19 18:48:07,589 - mmseg - INFO - Best mIoU is 0.4885 at 144000 iter. 2023-02-19 18:48:07,589 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:48:07,590 - mmseg - INFO - Iter(val) [500] aAcc: 0.8293, mIoU: 0.4885, mAcc: 0.6089, IoU.wall: 0.7727, IoU.building: 0.8231, IoU.sky: 0.9422, IoU.floor: 0.8067, IoU.tree: 0.7504, IoU.ceiling: 0.8310, IoU.road: 0.8266, IoU.bed : 0.8793, IoU.windowpane: 0.6203, IoU.grass: 0.6711, IoU.cabinet: 0.6380, IoU.sidewalk: 0.6545, IoU.person: 0.8079, IoU.earth: 0.3802, IoU.door: 0.5265, IoU.table: 0.6115, IoU.mountain: 0.5479, IoU.plant: 0.5311, IoU.curtain: 0.7393, IoU.chair: 0.5725, IoU.car: 0.8386, IoU.water: 0.4900, IoU.painting: 0.7582, IoU.sofa: 0.6485, IoU.shelf: 0.4463, IoU.house: 0.4476, IoU.sea: 0.5321, IoU.mirror: 0.6917, IoU.rug: 0.6390, IoU.field: 0.3095, IoU.armchair: 0.3785, IoU.seat: 0.6248, IoU.fence: 0.4145, IoU.desk: 0.4956, IoU.rock: 0.3823, IoU.wardrobe: 0.5199, IoU.lamp: 0.6238, IoU.bathtub: 0.8094, IoU.railing: 0.3615, IoU.cushion: 0.5624, IoU.base: 0.2372, IoU.box: 0.2559, IoU.column: 0.4596, IoU.signboard: 0.3709, IoU.chest of drawers: 0.4019, IoU.counter: 0.2846, IoU.sand: 0.4536, IoU.sink: 0.7442, IoU.skyscraper: 0.5137, IoU.fireplace: 0.7392, IoU.refrigerator: 0.7726, IoU.grandstand: 0.4051, IoU.path: 0.2199, IoU.stairs: 0.3131, IoU.runway: 0.6874, IoU.case: 0.3968, IoU.pool table: 0.9332, IoU.pillow: 0.5139, IoU.screen door: 0.6992, IoU.stairway: 0.3113, IoU.river: 0.0833, IoU.bridge: 0.6423, IoU.bookcase: 0.4112, IoU.blind: 0.3852, IoU.coffee table: 0.5902, IoU.toilet: 0.8565, IoU.flower: 0.3498, IoU.book: 0.4670, IoU.hill: 0.0585, IoU.bench: 0.4628, IoU.countertop: 0.4508, IoU.stove: 0.7938, IoU.palm: 0.5344, IoU.kitchen island: 0.3904, IoU.computer: 0.6382, IoU.swivel chair: 0.4615, IoU.boat: 0.4339, IoU.bar: 0.2349, IoU.arcade machine: 0.4203, IoU.hovel: 0.3803, IoU.bus: 0.8952, IoU.towel: 0.6382, IoU.light: 0.5311, IoU.truck: 0.3877, IoU.tower: 0.0744, IoU.chandelier: 0.6405, IoU.awning: 0.2717, IoU.streetlight: 0.3108, IoU.booth: 0.5593, IoU.television receiver: 0.7032, IoU.airplane: 0.5539, IoU.dirt track: 0.0725, IoU.apparel: 0.4016, IoU.pole: 0.2425, IoU.land: 0.0435, IoU.bannister: 0.0508, IoU.escalator: 0.3265, IoU.ottoman: 0.4701, IoU.bottle: 0.3680, IoU.buffet: 0.3606, IoU.poster: 0.2840, IoU.stage: 0.1510, IoU.van: 0.4495, IoU.ship: 0.6453, IoU.fountain: 0.3795, IoU.conveyer belt: 0.7691, IoU.canopy: 0.2979, IoU.washer: 0.7299, IoU.plaything: 0.2708, IoU.swimming pool: 0.4085, IoU.stool: 0.4573, IoU.barrel: 0.3511, IoU.basket: 0.2870, IoU.waterfall: 0.5653, IoU.tent: 0.9648, IoU.bag: 0.1097, IoU.minibike: 0.6813, IoU.cradle: 0.7818, IoU.oven: 0.5921, IoU.ball: 0.4013, IoU.food: 0.4683, IoU.step: 0.1006, IoU.tank: 0.4603, IoU.trade name: 0.2426, IoU.microwave: 0.7691, IoU.pot: 0.4563, IoU.animal: 0.5565, IoU.bicycle: 0.5619, IoU.lake: 0.2180, IoU.dishwasher: 0.6888, IoU.screen: 0.5825, IoU.blanket: 0.0820, IoU.sculpture: 0.6417, IoU.hood: 0.6539, IoU.sconce: 0.4533, IoU.vase: 0.3396, IoU.traffic light: 0.3826, IoU.tray: 0.0993, IoU.ashcan: 0.3717, IoU.fan: 0.6534, IoU.pier: 0.3722, IoU.crt screen: 0.0681, IoU.plate: 0.5814, IoU.monitor: 0.4190, IoU.bulletin board: 0.3042, IoU.shower: 0.0128, IoU.radiator: 0.5780, IoU.glass: 0.1353, IoU.clock: 0.4217, IoU.flag: 0.4607, Acc.wall: 0.8671, Acc.building: 0.9270, Acc.sky: 0.9737, Acc.floor: 0.9162, Acc.tree: 0.8869, Acc.ceiling: 0.9410, Acc.road: 0.8994, Acc.bed : 0.9671, Acc.windowpane: 0.7900, Acc.grass: 0.8049, Acc.cabinet: 0.7658, Acc.sidewalk: 0.8082, Acc.person: 0.9235, Acc.earth: 0.5295, Acc.door: 0.6853, Acc.table: 0.7662, Acc.mountain: 0.6755, Acc.plant: 0.6471, Acc.curtain: 0.8637, Acc.chair: 0.7511, Acc.car: 0.9100, Acc.water: 0.6296, Acc.painting: 0.9148, Acc.sofa: 0.8240, Acc.shelf: 0.6006, Acc.house: 0.5487, Acc.sea: 0.7497, Acc.mirror: 0.7553, Acc.rug: 0.7326, Acc.field: 0.4704, Acc.armchair: 0.5445, Acc.seat: 0.8054, Acc.fence: 0.5871, Acc.desk: 0.6393, Acc.rock: 0.5922, Acc.wardrobe: 0.6482, Acc.lamp: 0.7970, Acc.bathtub: 0.8619, Acc.railing: 0.5628, Acc.cushion: 0.7195, Acc.base: 0.3064, Acc.box: 0.3187, Acc.column: 0.5711, Acc.signboard: 0.5241, Acc.chest of drawers: 0.5917, Acc.counter: 0.4234, Acc.sand: 0.6132, Acc.sink: 0.8095, Acc.skyscraper: 0.6611, Acc.fireplace: 0.9241, Acc.refrigerator: 0.8559, Acc.grandstand: 0.6449, Acc.path: 0.3022, Acc.stairs: 0.3765, Acc.runway: 0.8906, Acc.case: 0.4994, Acc.pool table: 0.9650, Acc.pillow: 0.5776, Acc.screen door: 0.8048, Acc.stairway: 0.3873, Acc.river: 0.2311, Acc.bridge: 0.7643, Acc.bookcase: 0.6640, Acc.blind: 0.4318, Acc.coffee table: 0.8391, Acc.toilet: 0.9197, Acc.flower: 0.5184, Acc.book: 0.6352, Acc.hill: 0.1064, Acc.bench: 0.5231, Acc.countertop: 0.6853, Acc.stove: 0.8451, Acc.palm: 0.8062, Acc.kitchen island: 0.7286, Acc.computer: 0.7155, Acc.swivel chair: 0.6070, Acc.boat: 0.4920, Acc.bar: 0.2807, Acc.arcade machine: 0.4367, Acc.hovel: 0.4026, Acc.bus: 0.9616, Acc.towel: 0.7340, Acc.light: 0.5719, Acc.truck: 0.5080, Acc.tower: 0.1070, Acc.chandelier: 0.8892, Acc.awning: 0.3221, Acc.streetlight: 0.4606, Acc.booth: 0.6377, Acc.television receiver: 0.8004, Acc.airplane: 0.6540, Acc.dirt track: 0.1492, Acc.apparel: 0.5919, Acc.pole: 0.3272, Acc.land: 0.0610, Acc.bannister: 0.0586, Acc.escalator: 0.3443, Acc.ottoman: 0.5599, Acc.bottle: 0.6122, Acc.buffet: 0.4556, Acc.poster: 0.3623, Acc.stage: 0.2638, Acc.van: 0.6039, Acc.ship: 0.9359, Acc.fountain: 0.3931, Acc.conveyer belt: 0.8248, Acc.canopy: 0.3924, Acc.washer: 0.7527, Acc.plaything: 0.3772, Acc.swimming pool: 0.5805, Acc.stool: 0.5950, Acc.barrel: 0.7504, Acc.basket: 0.4672, Acc.waterfall: 0.6632, Acc.tent: 0.9777, Acc.bag: 0.1189, Acc.minibike: 0.8629, Acc.cradle: 0.9841, Acc.oven: 0.7693, Acc.ball: 0.6004, Acc.food: 0.5268, Acc.step: 0.1191, Acc.tank: 0.5132, Acc.trade name: 0.2889, Acc.microwave: 0.8248, Acc.pot: 0.5752, Acc.animal: 0.5758, Acc.bicycle: 0.8238, Acc.lake: 0.2586, Acc.dishwasher: 0.7881, Acc.screen: 0.7771, Acc.blanket: 0.0962, Acc.sculpture: 0.8377, Acc.hood: 0.7230, Acc.sconce: 0.7020, Acc.vase: 0.5308, Acc.traffic light: 0.5528, Acc.tray: 0.1739, Acc.ashcan: 0.4908, Acc.fan: 0.7923, Acc.pier: 0.4673, Acc.crt screen: 0.1112, Acc.plate: 0.7503, Acc.monitor: 0.6239, Acc.bulletin board: 0.4136, Acc.shower: 0.0320, Acc.radiator: 0.6422, Acc.glass: 0.1517, Acc.clock: 0.5642, Acc.flag: 0.5645 2023-02-19 18:48:25,681 - mmseg - INFO - Iter [144050/160000] lr: 5.982e-06, eta: 1:37:59, time: 0.955, data_time: 0.599, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 95.0286, aux.loss_ce: 0.0690, aux.acc_seg: 92.7459, loss: 0.1848, grad_norm: 1.8313 2023-02-19 18:48:43,926 - mmseg - INFO - Iter [144100/160000] lr: 5.963e-06, eta: 1:37:41, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.1528, aux.loss_ce: 0.0680, aux.acc_seg: 92.7387, loss: 0.1785, grad_norm: 1.8985 2023-02-19 18:49:02,331 - mmseg - INFO - Iter [144150/160000] lr: 5.944e-06, eta: 1:37:22, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.1831, aux.loss_ce: 0.0688, aux.acc_seg: 92.6264, loss: 0.1796, grad_norm: 1.7518 2023-02-19 18:49:21,137 - mmseg - INFO - Iter [144200/160000] lr: 5.925e-06, eta: 1:37:04, time: 0.376, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1123, decode.acc_seg: 95.2697, aux.loss_ce: 0.0683, aux.acc_seg: 92.9599, loss: 0.1805, grad_norm: 1.8603 2023-02-19 18:49:39,476 - mmseg - INFO - Iter [144250/160000] lr: 5.907e-06, eta: 1:36:45, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1171, decode.acc_seg: 94.9408, aux.loss_ce: 0.0690, aux.acc_seg: 92.6720, loss: 0.1861, grad_norm: 2.2303 2023-02-19 18:49:57,457 - mmseg - INFO - Iter [144300/160000] lr: 5.888e-06, eta: 1:36:27, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.3610, aux.loss_ce: 0.0662, aux.acc_seg: 93.0348, loss: 0.1744, grad_norm: 2.2389 2023-02-19 18:50:16,243 - mmseg - INFO - Iter [144350/160000] lr: 5.869e-06, eta: 1:36:08, time: 0.376, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.2252, aux.loss_ce: 0.0685, aux.acc_seg: 92.7832, loss: 0.1784, grad_norm: 1.9281 2023-02-19 18:50:34,345 - mmseg - INFO - Iter [144400/160000] lr: 5.850e-06, eta: 1:35:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1102, decode.acc_seg: 95.1977, aux.loss_ce: 0.0665, aux.acc_seg: 92.9515, loss: 0.1768, grad_norm: 1.7275 2023-02-19 18:50:52,429 - mmseg - INFO - Iter [144450/160000] lr: 5.832e-06, eta: 1:35:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1091, decode.acc_seg: 95.2581, aux.loss_ce: 0.0680, aux.acc_seg: 92.7440, loss: 0.1770, grad_norm: 1.9185 2023-02-19 18:51:10,516 - mmseg - INFO - Iter [144500/160000] lr: 5.813e-06, eta: 1:35:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1130, decode.acc_seg: 95.0477, aux.loss_ce: 0.0688, aux.acc_seg: 92.6764, loss: 0.1818, grad_norm: 2.1503 2023-02-19 18:51:29,083 - mmseg - INFO - Iter [144550/160000] lr: 5.794e-06, eta: 1:34:55, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1058, decode.acc_seg: 95.4021, aux.loss_ce: 0.0654, aux.acc_seg: 93.0269, loss: 0.1711, grad_norm: 1.9201 2023-02-19 18:51:47,662 - mmseg - INFO - Iter [144600/160000] lr: 5.775e-06, eta: 1:34:36, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1114, decode.acc_seg: 95.1343, aux.loss_ce: 0.0691, aux.acc_seg: 92.6492, loss: 0.1805, grad_norm: 1.8003 2023-02-19 18:52:06,036 - mmseg - INFO - Iter [144650/160000] lr: 5.757e-06, eta: 1:34:18, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1074, decode.acc_seg: 95.2825, aux.loss_ce: 0.0660, aux.acc_seg: 92.9439, loss: 0.1734, grad_norm: 1.8997 2023-02-19 18:52:24,150 - mmseg - INFO - Iter [144700/160000] lr: 5.738e-06, eta: 1:33:59, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1152, decode.acc_seg: 94.9684, aux.loss_ce: 0.0686, aux.acc_seg: 92.6953, loss: 0.1838, grad_norm: 1.9742 2023-02-19 18:52:42,239 - mmseg - INFO - Iter [144750/160000] lr: 5.719e-06, eta: 1:33:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1059, decode.acc_seg: 95.3278, aux.loss_ce: 0.0654, aux.acc_seg: 93.0673, loss: 0.1713, grad_norm: 1.8909 2023-02-19 18:53:00,339 - mmseg - INFO - Iter [144800/160000] lr: 5.700e-06, eta: 1:33:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1032, decode.acc_seg: 95.4346, aux.loss_ce: 0.0635, aux.acc_seg: 93.2105, loss: 0.1667, grad_norm: 2.0551 2023-02-19 18:53:18,818 - mmseg - INFO - Iter [144850/160000] lr: 5.682e-06, eta: 1:33:04, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.1459, aux.loss_ce: 0.0673, aux.acc_seg: 92.9364, loss: 0.1792, grad_norm: 1.8651 2023-02-19 18:53:37,144 - mmseg - INFO - Iter [144900/160000] lr: 5.663e-06, eta: 1:32:45, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1130, decode.acc_seg: 95.0757, aux.loss_ce: 0.0684, aux.acc_seg: 92.6802, loss: 0.1814, grad_norm: 2.0618 2023-02-19 18:53:55,238 - mmseg - INFO - Iter [144950/160000] lr: 5.644e-06, eta: 1:32:27, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.2694, aux.loss_ce: 0.0673, aux.acc_seg: 92.8570, loss: 0.1753, grad_norm: 1.7110 2023-02-19 18:54:13,347 - mmseg - INFO - Saving checkpoint at 145000 iterations 2023-02-19 18:54:15,074 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 18:54:15,075 - mmseg - INFO - Iter [145000/160000] lr: 5.625e-06, eta: 1:32:09, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1147, decode.acc_seg: 94.8938, aux.loss_ce: 0.0686, aux.acc_seg: 92.5992, loss: 0.1833, grad_norm: 1.8489 2023-02-19 18:54:33,365 - mmseg - INFO - Iter [145050/160000] lr: 5.607e-06, eta: 1:31:50, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1141, decode.acc_seg: 95.0747, aux.loss_ce: 0.0689, aux.acc_seg: 92.7403, loss: 0.1830, grad_norm: 2.1066 2023-02-19 18:54:51,510 - mmseg - INFO - Iter [145100/160000] lr: 5.588e-06, eta: 1:31:32, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1141, decode.acc_seg: 94.9399, aux.loss_ce: 0.0685, aux.acc_seg: 92.5904, loss: 0.1826, grad_norm: 1.7436 2023-02-19 18:55:09,656 - mmseg - INFO - Iter [145150/160000] lr: 5.569e-06, eta: 1:31:13, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1071, decode.acc_seg: 95.2199, aux.loss_ce: 0.0647, aux.acc_seg: 92.9258, loss: 0.1719, grad_norm: 1.3395 2023-02-19 18:55:27,773 - mmseg - INFO - Iter [145200/160000] lr: 5.550e-06, eta: 1:30:55, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1148, decode.acc_seg: 94.9924, aux.loss_ce: 0.0721, aux.acc_seg: 92.3818, loss: 0.1868, grad_norm: 2.7366 2023-02-19 18:55:48,242 - mmseg - INFO - Iter [145250/160000] lr: 5.532e-06, eta: 1:30:37, time: 0.409, data_time: 0.052, memory: 20662, decode.loss_ce: 0.1111, decode.acc_seg: 95.1359, aux.loss_ce: 0.0661, aux.acc_seg: 92.8706, loss: 0.1771, grad_norm: 2.0252 2023-02-19 18:56:06,345 - mmseg - INFO - Iter [145300/160000] lr: 5.513e-06, eta: 1:30:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1101, decode.acc_seg: 95.2572, aux.loss_ce: 0.0670, aux.acc_seg: 92.8940, loss: 0.1772, grad_norm: 1.9923 2023-02-19 18:56:24,434 - mmseg - INFO - Iter [145350/160000] lr: 5.494e-06, eta: 1:30:00, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1118, decode.acc_seg: 95.1479, aux.loss_ce: 0.0677, aux.acc_seg: 92.8383, loss: 0.1794, grad_norm: 2.1582 2023-02-19 18:56:42,619 - mmseg - INFO - Iter [145400/160000] lr: 5.475e-06, eta: 1:29:41, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1174, decode.acc_seg: 94.9188, aux.loss_ce: 0.0723, aux.acc_seg: 92.4592, loss: 0.1897, grad_norm: 2.2113 2023-02-19 18:57:00,781 - mmseg - INFO - Iter [145450/160000] lr: 5.457e-06, eta: 1:29:23, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1110, decode.acc_seg: 95.2744, aux.loss_ce: 0.0674, aux.acc_seg: 93.0125, loss: 0.1784, grad_norm: 1.8844 2023-02-19 18:57:19,203 - mmseg - INFO - Iter [145500/160000] lr: 5.438e-06, eta: 1:29:04, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.9766, aux.loss_ce: 0.0711, aux.acc_seg: 92.5124, loss: 0.1889, grad_norm: 1.9330 2023-02-19 18:57:37,407 - mmseg - INFO - Iter [145550/160000] lr: 5.419e-06, eta: 1:28:46, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1115, decode.acc_seg: 95.3062, aux.loss_ce: 0.0682, aux.acc_seg: 92.9628, loss: 0.1797, grad_norm: 1.6422 2023-02-19 18:57:55,566 - mmseg - INFO - Iter [145600/160000] lr: 5.400e-06, eta: 1:28:27, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1163, decode.acc_seg: 95.0441, aux.loss_ce: 0.0692, aux.acc_seg: 92.6437, loss: 0.1855, grad_norm: 2.0497 2023-02-19 18:58:13,707 - mmseg - INFO - Iter [145650/160000] lr: 5.382e-06, eta: 1:28:09, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1081, decode.acc_seg: 95.2666, aux.loss_ce: 0.0666, aux.acc_seg: 92.8749, loss: 0.1747, grad_norm: 1.7059 2023-02-19 18:58:31,820 - mmseg - INFO - Iter [145700/160000] lr: 5.363e-06, eta: 1:27:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1133, decode.acc_seg: 95.1789, aux.loss_ce: 0.0686, aux.acc_seg: 92.8244, loss: 0.1819, grad_norm: 2.0490 2023-02-19 18:58:49,913 - mmseg - INFO - Iter [145750/160000] lr: 5.344e-06, eta: 1:27:32, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 95.1208, aux.loss_ce: 0.0673, aux.acc_seg: 92.8362, loss: 0.1834, grad_norm: 2.3864 2023-02-19 18:59:08,020 - mmseg - INFO - Iter [145800/160000] lr: 5.325e-06, eta: 1:27:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1060, decode.acc_seg: 95.4007, aux.loss_ce: 0.0654, aux.acc_seg: 93.0528, loss: 0.1714, grad_norm: 1.5458 2023-02-19 18:59:26,265 - mmseg - INFO - Iter [145850/160000] lr: 5.307e-06, eta: 1:26:55, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1161, decode.acc_seg: 94.9432, aux.loss_ce: 0.0715, aux.acc_seg: 92.3838, loss: 0.1876, grad_norm: 2.1693 2023-02-19 18:59:45,153 - mmseg - INFO - Iter [145900/160000] lr: 5.288e-06, eta: 1:26:37, time: 0.378, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 95.1392, aux.loss_ce: 0.0694, aux.acc_seg: 92.7219, loss: 0.1838, grad_norm: 1.9197 2023-02-19 19:00:03,290 - mmseg - INFO - Iter [145950/160000] lr: 5.269e-06, eta: 1:26:18, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1063, decode.acc_seg: 95.3606, aux.loss_ce: 0.0678, aux.acc_seg: 92.6543, loss: 0.1740, grad_norm: 1.9450 2023-02-19 19:00:21,441 - mmseg - INFO - Saving checkpoint at 146000 iterations 2023-02-19 19:00:23,374 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:00:23,375 - mmseg - INFO - Iter [146000/160000] lr: 5.250e-06, eta: 1:26:00, time: 0.402, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.0449, aux.loss_ce: 0.0672, aux.acc_seg: 92.7761, loss: 0.1796, grad_norm: 1.9302 2023-02-19 19:00:41,485 - mmseg - INFO - Iter [146050/160000] lr: 5.232e-06, eta: 1:25:42, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1127, decode.acc_seg: 95.0942, aux.loss_ce: 0.0671, aux.acc_seg: 92.8024, loss: 0.1798, grad_norm: 2.1867 2023-02-19 19:00:59,593 - mmseg - INFO - Iter [146100/160000] lr: 5.213e-06, eta: 1:25:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1125, decode.acc_seg: 95.0409, aux.loss_ce: 0.0662, aux.acc_seg: 92.8943, loss: 0.1787, grad_norm: 1.7286 2023-02-19 19:01:17,698 - mmseg - INFO - Iter [146150/160000] lr: 5.194e-06, eta: 1:25:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1044, decode.acc_seg: 95.4680, aux.loss_ce: 0.0656, aux.acc_seg: 92.9333, loss: 0.1700, grad_norm: 2.0474 2023-02-19 19:01:35,769 - mmseg - INFO - Iter [146200/160000] lr: 5.175e-06, eta: 1:24:46, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.1705, aux.loss_ce: 0.0685, aux.acc_seg: 92.7760, loss: 0.1780, grad_norm: 1.7274 2023-02-19 19:01:53,842 - mmseg - INFO - Iter [146250/160000] lr: 5.157e-06, eta: 1:24:28, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1121, decode.acc_seg: 95.1403, aux.loss_ce: 0.0684, aux.acc_seg: 92.7474, loss: 0.1805, grad_norm: 2.0553 2023-02-19 19:02:11,979 - mmseg - INFO - Iter [146300/160000] lr: 5.138e-06, eta: 1:24:09, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1097, decode.acc_seg: 95.1977, aux.loss_ce: 0.0658, aux.acc_seg: 92.9527, loss: 0.1755, grad_norm: 2.4165 2023-02-19 19:02:30,103 - mmseg - INFO - Iter [146350/160000] lr: 5.119e-06, eta: 1:23:51, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1221, decode.acc_seg: 94.6749, aux.loss_ce: 0.0744, aux.acc_seg: 92.2199, loss: 0.1965, grad_norm: 2.3142 2023-02-19 19:02:48,456 - mmseg - INFO - Iter [146400/160000] lr: 5.100e-06, eta: 1:23:32, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1109, decode.acc_seg: 95.3024, aux.loss_ce: 0.0673, aux.acc_seg: 92.9583, loss: 0.1781, grad_norm: 2.2047 2023-02-19 19:03:06,578 - mmseg - INFO - Iter [146450/160000] lr: 5.082e-06, eta: 1:23:14, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1085, decode.acc_seg: 95.2809, aux.loss_ce: 0.0679, aux.acc_seg: 92.7862, loss: 0.1764, grad_norm: 1.9769 2023-02-19 19:03:24,790 - mmseg - INFO - Iter [146500/160000] lr: 5.063e-06, eta: 1:22:55, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1091, decode.acc_seg: 95.1812, aux.loss_ce: 0.0675, aux.acc_seg: 92.8036, loss: 0.1766, grad_norm: 2.0336 2023-02-19 19:03:45,304 - mmseg - INFO - Iter [146550/160000] lr: 5.044e-06, eta: 1:22:37, time: 0.410, data_time: 0.049, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.3816, aux.loss_ce: 0.0669, aux.acc_seg: 93.0951, loss: 0.1763, grad_norm: 1.7834 2023-02-19 19:04:03,750 - mmseg - INFO - Iter [146600/160000] lr: 5.025e-06, eta: 1:22:19, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1154, decode.acc_seg: 95.0297, aux.loss_ce: 0.0706, aux.acc_seg: 92.5366, loss: 0.1861, grad_norm: 1.7964 2023-02-19 19:04:21,908 - mmseg - INFO - Iter [146650/160000] lr: 5.007e-06, eta: 1:22:00, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1174, decode.acc_seg: 94.8727, aux.loss_ce: 0.0712, aux.acc_seg: 92.3296, loss: 0.1887, grad_norm: 2.2098 2023-02-19 19:04:40,040 - mmseg - INFO - Iter [146700/160000] lr: 4.988e-06, eta: 1:21:42, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1088, decode.acc_seg: 95.2880, aux.loss_ce: 0.0675, aux.acc_seg: 92.8288, loss: 0.1763, grad_norm: 1.7273 2023-02-19 19:04:58,150 - mmseg - INFO - Iter [146750/160000] lr: 4.969e-06, eta: 1:21:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1095, decode.acc_seg: 95.2039, aux.loss_ce: 0.0666, aux.acc_seg: 92.8539, loss: 0.1761, grad_norm: 2.3090 2023-02-19 19:05:16,267 - mmseg - INFO - Iter [146800/160000] lr: 4.950e-06, eta: 1:21:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1136, decode.acc_seg: 95.0303, aux.loss_ce: 0.0681, aux.acc_seg: 92.7252, loss: 0.1816, grad_norm: 1.8945 2023-02-19 19:05:34,762 - mmseg - INFO - Iter [146850/160000] lr: 4.932e-06, eta: 1:20:47, time: 0.370, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1116, decode.acc_seg: 95.1893, aux.loss_ce: 0.0683, aux.acc_seg: 92.7864, loss: 0.1799, grad_norm: 2.0870 2023-02-19 19:05:52,957 - mmseg - INFO - Iter [146900/160000] lr: 4.913e-06, eta: 1:20:28, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1140, decode.acc_seg: 94.9882, aux.loss_ce: 0.0708, aux.acc_seg: 92.5027, loss: 0.1848, grad_norm: 2.3694 2023-02-19 19:06:11,042 - mmseg - INFO - Iter [146950/160000] lr: 4.894e-06, eta: 1:20:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1140, decode.acc_seg: 95.1302, aux.loss_ce: 0.0644, aux.acc_seg: 93.0742, loss: 0.1784, grad_norm: 2.3663 2023-02-19 19:06:29,139 - mmseg - INFO - Saving checkpoint at 147000 iterations 2023-02-19 19:06:30,913 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:06:30,914 - mmseg - INFO - Iter [147000/160000] lr: 4.875e-06, eta: 1:19:51, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.2464, aux.loss_ce: 0.0672, aux.acc_seg: 92.8291, loss: 0.1753, grad_norm: 1.9994 2023-02-19 19:06:49,318 - mmseg - INFO - Iter [147050/160000] lr: 4.857e-06, eta: 1:19:33, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.1505, aux.loss_ce: 0.0676, aux.acc_seg: 92.8654, loss: 0.1780, grad_norm: 2.2172 2023-02-19 19:07:07,463 - mmseg - INFO - Iter [147100/160000] lr: 4.838e-06, eta: 1:19:14, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.8167, aux.loss_ce: 0.0711, aux.acc_seg: 92.4237, loss: 0.1888, grad_norm: 2.6288 2023-02-19 19:07:25,543 - mmseg - INFO - Iter [147150/160000] lr: 4.819e-06, eta: 1:18:56, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1115, decode.acc_seg: 95.1090, aux.loss_ce: 0.0679, aux.acc_seg: 92.7212, loss: 0.1793, grad_norm: 1.5069 2023-02-19 19:07:43,726 - mmseg - INFO - Iter [147200/160000] lr: 4.800e-06, eta: 1:18:38, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1095, decode.acc_seg: 95.2292, aux.loss_ce: 0.0687, aux.acc_seg: 92.6692, loss: 0.1782, grad_norm: 2.2347 2023-02-19 19:08:01,847 - mmseg - INFO - Iter [147250/160000] lr: 4.782e-06, eta: 1:18:19, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1101, decode.acc_seg: 95.2458, aux.loss_ce: 0.0670, aux.acc_seg: 92.8470, loss: 0.1771, grad_norm: 1.9308 2023-02-19 19:08:19,952 - mmseg - INFO - Iter [147300/160000] lr: 4.763e-06, eta: 1:18:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1084, decode.acc_seg: 95.2388, aux.loss_ce: 0.0668, aux.acc_seg: 92.8925, loss: 0.1752, grad_norm: 2.2885 2023-02-19 19:08:38,013 - mmseg - INFO - Iter [147350/160000] lr: 4.744e-06, eta: 1:17:42, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1084, decode.acc_seg: 95.3609, aux.loss_ce: 0.0684, aux.acc_seg: 92.8405, loss: 0.1768, grad_norm: 1.8152 2023-02-19 19:08:56,406 - mmseg - INFO - Iter [147400/160000] lr: 4.725e-06, eta: 1:17:24, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1046, decode.acc_seg: 95.3630, aux.loss_ce: 0.0642, aux.acc_seg: 93.0361, loss: 0.1688, grad_norm: 2.1045 2023-02-19 19:09:14,708 - mmseg - INFO - Iter [147450/160000] lr: 4.707e-06, eta: 1:17:05, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1046, decode.acc_seg: 95.4146, aux.loss_ce: 0.0639, aux.acc_seg: 93.1640, loss: 0.1685, grad_norm: 1.6007 2023-02-19 19:09:32,884 - mmseg - INFO - Iter [147500/160000] lr: 4.688e-06, eta: 1:16:47, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1147, decode.acc_seg: 94.8727, aux.loss_ce: 0.0689, aux.acc_seg: 92.5200, loss: 0.1836, grad_norm: 2.0213 2023-02-19 19:09:50,977 - mmseg - INFO - Iter [147550/160000] lr: 4.669e-06, eta: 1:16:28, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1063, decode.acc_seg: 95.3443, aux.loss_ce: 0.0640, aux.acc_seg: 93.1673, loss: 0.1703, grad_norm: 1.5059 2023-02-19 19:10:09,083 - mmseg - INFO - Iter [147600/160000] lr: 4.650e-06, eta: 1:16:10, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1123, decode.acc_seg: 95.2298, aux.loss_ce: 0.0704, aux.acc_seg: 92.6232, loss: 0.1827, grad_norm: 2.6546 2023-02-19 19:10:27,220 - mmseg - INFO - Iter [147650/160000] lr: 4.632e-06, eta: 1:15:51, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1150, decode.acc_seg: 94.9643, aux.loss_ce: 0.0686, aux.acc_seg: 92.6277, loss: 0.1836, grad_norm: 4.0965 2023-02-19 19:10:45,318 - mmseg - INFO - Iter [147700/160000] lr: 4.613e-06, eta: 1:15:33, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1078, decode.acc_seg: 95.2629, aux.loss_ce: 0.0669, aux.acc_seg: 92.8496, loss: 0.1747, grad_norm: 1.7798 2023-02-19 19:11:03,427 - mmseg - INFO - Iter [147750/160000] lr: 4.594e-06, eta: 1:15:15, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1119, decode.acc_seg: 95.1013, aux.loss_ce: 0.0684, aux.acc_seg: 92.7526, loss: 0.1803, grad_norm: 1.7197 2023-02-19 19:11:23,986 - mmseg - INFO - Iter [147800/160000] lr: 4.575e-06, eta: 1:14:56, time: 0.411, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1153, decode.acc_seg: 94.9592, aux.loss_ce: 0.0713, aux.acc_seg: 92.3487, loss: 0.1866, grad_norm: 2.2289 2023-02-19 19:11:42,104 - mmseg - INFO - Iter [147850/160000] lr: 4.557e-06, eta: 1:14:38, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.2211, aux.loss_ce: 0.0674, aux.acc_seg: 92.8401, loss: 0.1772, grad_norm: 1.9987 2023-02-19 19:12:00,349 - mmseg - INFO - Iter [147900/160000] lr: 4.538e-06, eta: 1:14:19, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1111, decode.acc_seg: 95.1663, aux.loss_ce: 0.0658, aux.acc_seg: 92.8903, loss: 0.1768, grad_norm: 1.6459 2023-02-19 19:12:18,473 - mmseg - INFO - Iter [147950/160000] lr: 4.519e-06, eta: 1:14:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.1386, aux.loss_ce: 0.0666, aux.acc_seg: 92.7984, loss: 0.1774, grad_norm: 2.1033 2023-02-19 19:12:36,601 - mmseg - INFO - Saving checkpoint at 148000 iterations 2023-02-19 19:12:38,332 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:12:38,332 - mmseg - INFO - Iter [148000/160000] lr: 4.500e-06, eta: 1:13:43, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.1797, aux.loss_ce: 0.0670, aux.acc_seg: 92.8814, loss: 0.1753, grad_norm: 1.9952 2023-02-19 19:12:56,457 - mmseg - INFO - Iter [148050/160000] lr: 4.482e-06, eta: 1:13:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1079, decode.acc_seg: 95.2412, aux.loss_ce: 0.0663, aux.acc_seg: 92.8426, loss: 0.1741, grad_norm: 1.8132 2023-02-19 19:13:14,609 - mmseg - INFO - Iter [148100/160000] lr: 4.463e-06, eta: 1:13:06, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1127, decode.acc_seg: 95.1096, aux.loss_ce: 0.0697, aux.acc_seg: 92.7231, loss: 0.1824, grad_norm: 2.2022 2023-02-19 19:13:32,868 - mmseg - INFO - Iter [148150/160000] lr: 4.444e-06, eta: 1:12:47, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.1105, aux.loss_ce: 0.0683, aux.acc_seg: 92.7351, loss: 0.1803, grad_norm: 2.1547 2023-02-19 19:13:51,213 - mmseg - INFO - Iter [148200/160000] lr: 4.425e-06, eta: 1:12:29, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1135, decode.acc_seg: 95.1016, aux.loss_ce: 0.0689, aux.acc_seg: 92.8070, loss: 0.1824, grad_norm: 3.2117 2023-02-19 19:14:09,552 - mmseg - INFO - Iter [148250/160000] lr: 4.407e-06, eta: 1:12:10, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1168, decode.acc_seg: 95.0254, aux.loss_ce: 0.0688, aux.acc_seg: 92.7792, loss: 0.1855, grad_norm: 2.3303 2023-02-19 19:14:27,911 - mmseg - INFO - Iter [148300/160000] lr: 4.388e-06, eta: 1:11:52, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.0995, decode.acc_seg: 95.5002, aux.loss_ce: 0.0620, aux.acc_seg: 93.0743, loss: 0.1615, grad_norm: 1.6388 2023-02-19 19:14:46,122 - mmseg - INFO - Iter [148350/160000] lr: 4.369e-06, eta: 1:11:34, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1055, decode.acc_seg: 95.3986, aux.loss_ce: 0.0654, aux.acc_seg: 92.9887, loss: 0.1709, grad_norm: 2.2593 2023-02-19 19:15:04,249 - mmseg - INFO - Iter [148400/160000] lr: 4.350e-06, eta: 1:11:15, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1034, decode.acc_seg: 95.3275, aux.loss_ce: 0.0640, aux.acc_seg: 93.0285, loss: 0.1675, grad_norm: 1.6878 2023-02-19 19:15:22,480 - mmseg - INFO - Iter [148450/160000] lr: 4.332e-06, eta: 1:10:57, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1064, decode.acc_seg: 95.3526, aux.loss_ce: 0.0644, aux.acc_seg: 93.1013, loss: 0.1708, grad_norm: 1.6128 2023-02-19 19:15:40,829 - mmseg - INFO - Iter [148500/160000] lr: 4.313e-06, eta: 1:10:38, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1082, decode.acc_seg: 95.1266, aux.loss_ce: 0.0682, aux.acc_seg: 92.4707, loss: 0.1764, grad_norm: 1.9672 2023-02-19 19:15:58,939 - mmseg - INFO - Iter [148550/160000] lr: 4.294e-06, eta: 1:10:20, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1081, decode.acc_seg: 95.2722, aux.loss_ce: 0.0659, aux.acc_seg: 93.0153, loss: 0.1740, grad_norm: 1.6076 2023-02-19 19:16:17,065 - mmseg - INFO - Iter [148600/160000] lr: 4.275e-06, eta: 1:10:01, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1205, decode.acc_seg: 94.9399, aux.loss_ce: 0.0725, aux.acc_seg: 92.5122, loss: 0.1930, grad_norm: 3.5270 2023-02-19 19:16:35,186 - mmseg - INFO - Iter [148650/160000] lr: 4.257e-06, eta: 1:09:43, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1079, decode.acc_seg: 95.2825, aux.loss_ce: 0.0687, aux.acc_seg: 92.7262, loss: 0.1766, grad_norm: 2.4180 2023-02-19 19:16:53,303 - mmseg - INFO - Iter [148700/160000] lr: 4.238e-06, eta: 1:09:24, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.0833, aux.loss_ce: 0.0696, aux.acc_seg: 92.6934, loss: 0.1834, grad_norm: 2.4007 2023-02-19 19:17:11,390 - mmseg - INFO - Iter [148750/160000] lr: 4.219e-06, eta: 1:09:06, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1122, decode.acc_seg: 95.2277, aux.loss_ce: 0.0698, aux.acc_seg: 92.6964, loss: 0.1820, grad_norm: 1.6927 2023-02-19 19:17:29,578 - mmseg - INFO - Iter [148800/160000] lr: 4.200e-06, eta: 1:08:47, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.0995, aux.loss_ce: 0.0687, aux.acc_seg: 92.6739, loss: 0.1815, grad_norm: 1.5991 2023-02-19 19:17:47,680 - mmseg - INFO - Iter [148850/160000] lr: 4.182e-06, eta: 1:08:29, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.2359, aux.loss_ce: 0.0683, aux.acc_seg: 92.7837, loss: 0.1781, grad_norm: 1.7157 2023-02-19 19:18:06,093 - mmseg - INFO - Iter [148900/160000] lr: 4.163e-06, eta: 1:08:11, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1215, decode.acc_seg: 94.9765, aux.loss_ce: 0.0743, aux.acc_seg: 92.3482, loss: 0.1958, grad_norm: 2.3681 2023-02-19 19:18:24,192 - mmseg - INFO - Iter [148950/160000] lr: 4.144e-06, eta: 1:07:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1089, decode.acc_seg: 95.3544, aux.loss_ce: 0.0687, aux.acc_seg: 92.7893, loss: 0.1776, grad_norm: 2.2212 2023-02-19 19:18:42,261 - mmseg - INFO - Saving checkpoint at 149000 iterations 2023-02-19 19:18:43,980 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:18:43,981 - mmseg - INFO - Iter [149000/160000] lr: 4.125e-06, eta: 1:07:34, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.1291, aux.loss_ce: 0.0679, aux.acc_seg: 92.5979, loss: 0.1772, grad_norm: 2.4356 2023-02-19 19:19:04,367 - mmseg - INFO - Iter [149050/160000] lr: 4.107e-06, eta: 1:07:16, time: 0.408, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1095, decode.acc_seg: 95.2198, aux.loss_ce: 0.0671, aux.acc_seg: 92.7972, loss: 0.1766, grad_norm: 2.0466 2023-02-19 19:19:22,606 - mmseg - INFO - Iter [149100/160000] lr: 4.088e-06, eta: 1:06:57, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1058, decode.acc_seg: 95.4117, aux.loss_ce: 0.0629, aux.acc_seg: 93.2648, loss: 0.1687, grad_norm: 1.7001 2023-02-19 19:19:40,696 - mmseg - INFO - Iter [149150/160000] lr: 4.069e-06, eta: 1:06:39, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1087, decode.acc_seg: 95.2547, aux.loss_ce: 0.0653, aux.acc_seg: 93.0030, loss: 0.1740, grad_norm: 1.7709 2023-02-19 19:19:58,883 - mmseg - INFO - Iter [149200/160000] lr: 4.050e-06, eta: 1:06:20, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1096, decode.acc_seg: 95.2039, aux.loss_ce: 0.0662, aux.acc_seg: 92.9668, loss: 0.1758, grad_norm: 1.9083 2023-02-19 19:20:16,987 - mmseg - INFO - Iter [149250/160000] lr: 4.032e-06, eta: 1:06:02, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 95.0986, aux.loss_ce: 0.0689, aux.acc_seg: 92.7582, loss: 0.1826, grad_norm: 3.2122 2023-02-19 19:20:35,258 - mmseg - INFO - Iter [149300/160000] lr: 4.013e-06, eta: 1:05:43, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1052, decode.acc_seg: 95.4688, aux.loss_ce: 0.0634, aux.acc_seg: 93.3553, loss: 0.1686, grad_norm: 1.6335 2023-02-19 19:20:53,357 - mmseg - INFO - Iter [149350/160000] lr: 3.994e-06, eta: 1:05:25, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1153, decode.acc_seg: 95.0379, aux.loss_ce: 0.0697, aux.acc_seg: 92.5479, loss: 0.1851, grad_norm: 1.7972 2023-02-19 19:21:11,566 - mmseg - INFO - Iter [149400/160000] lr: 3.975e-06, eta: 1:05:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1085, decode.acc_seg: 95.2609, aux.loss_ce: 0.0668, aux.acc_seg: 92.9450, loss: 0.1752, grad_norm: 2.0416 2023-02-19 19:21:29,880 - mmseg - INFO - Iter [149450/160000] lr: 3.957e-06, eta: 1:04:48, time: 0.367, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1020, decode.acc_seg: 95.4657, aux.loss_ce: 0.0620, aux.acc_seg: 93.3158, loss: 0.1640, grad_norm: 2.1803 2023-02-19 19:21:48,291 - mmseg - INFO - Iter [149500/160000] lr: 3.938e-06, eta: 1:04:30, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.2509, aux.loss_ce: 0.0705, aux.acc_seg: 92.6671, loss: 0.1833, grad_norm: 2.7084 2023-02-19 19:22:06,400 - mmseg - INFO - Iter [149550/160000] lr: 3.919e-06, eta: 1:04:11, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1065, decode.acc_seg: 95.3592, aux.loss_ce: 0.0663, aux.acc_seg: 92.9346, loss: 0.1729, grad_norm: 1.7065 2023-02-19 19:22:24,567 - mmseg - INFO - Iter [149600/160000] lr: 3.900e-06, eta: 1:03:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1169, decode.acc_seg: 95.0552, aux.loss_ce: 0.0688, aux.acc_seg: 92.8025, loss: 0.1857, grad_norm: 2.0326 2023-02-19 19:22:42,744 - mmseg - INFO - Iter [149650/160000] lr: 3.882e-06, eta: 1:03:34, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1085, decode.acc_seg: 95.3055, aux.loss_ce: 0.0694, aux.acc_seg: 92.6362, loss: 0.1779, grad_norm: 2.6910 2023-02-19 19:23:00,904 - mmseg - INFO - Iter [149700/160000] lr: 3.863e-06, eta: 1:03:16, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1097, decode.acc_seg: 95.2229, aux.loss_ce: 0.0664, aux.acc_seg: 92.8207, loss: 0.1760, grad_norm: 2.5688 2023-02-19 19:23:19,098 - mmseg - INFO - Iter [149750/160000] lr: 3.844e-06, eta: 1:02:57, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1125, decode.acc_seg: 95.1137, aux.loss_ce: 0.0665, aux.acc_seg: 92.9428, loss: 0.1790, grad_norm: 1.9136 2023-02-19 19:23:37,283 - mmseg - INFO - Iter [149800/160000] lr: 3.825e-06, eta: 1:02:39, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1082, decode.acc_seg: 95.3436, aux.loss_ce: 0.0652, aux.acc_seg: 93.1728, loss: 0.1735, grad_norm: 1.6190 2023-02-19 19:23:55,496 - mmseg - INFO - Iter [149850/160000] lr: 3.807e-06, eta: 1:02:20, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.3322, aux.loss_ce: 0.0655, aux.acc_seg: 93.0972, loss: 0.1748, grad_norm: 1.8373 2023-02-19 19:24:14,093 - mmseg - INFO - Iter [149900/160000] lr: 3.788e-06, eta: 1:02:02, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.1955, aux.loss_ce: 0.0673, aux.acc_seg: 92.8744, loss: 0.1778, grad_norm: 2.0998 2023-02-19 19:24:32,285 - mmseg - INFO - Iter [149950/160000] lr: 3.769e-06, eta: 1:01:44, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1100, decode.acc_seg: 95.1874, aux.loss_ce: 0.0676, aux.acc_seg: 92.8636, loss: 0.1776, grad_norm: 1.8595 2023-02-19 19:24:50,495 - mmseg - INFO - Saving checkpoint at 150000 iterations 2023-02-19 19:24:52,228 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:24:52,228 - mmseg - INFO - Iter [150000/160000] lr: 3.750e-06, eta: 1:01:25, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1148, decode.acc_seg: 95.0325, aux.loss_ce: 0.0750, aux.acc_seg: 92.3898, loss: 0.1898, grad_norm: 2.0665 2023-02-19 19:25:10,946 - mmseg - INFO - Iter [150050/160000] lr: 3.732e-06, eta: 1:01:07, time: 0.374, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1066, decode.acc_seg: 95.3403, aux.loss_ce: 0.0657, aux.acc_seg: 92.9689, loss: 0.1723, grad_norm: 2.1801 2023-02-19 19:25:29,087 - mmseg - INFO - Iter [150100/160000] lr: 3.713e-06, eta: 1:00:48, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1152, decode.acc_seg: 95.0866, aux.loss_ce: 0.0703, aux.acc_seg: 92.5689, loss: 0.1855, grad_norm: 1.6845 2023-02-19 19:25:47,177 - mmseg - INFO - Iter [150150/160000] lr: 3.694e-06, eta: 1:00:30, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1180, decode.acc_seg: 94.8736, aux.loss_ce: 0.0723, aux.acc_seg: 92.5164, loss: 0.1904, grad_norm: 2.8860 2023-02-19 19:26:05,325 - mmseg - INFO - Iter [150200/160000] lr: 3.675e-06, eta: 1:00:11, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1111, decode.acc_seg: 95.1166, aux.loss_ce: 0.0670, aux.acc_seg: 92.7141, loss: 0.1782, grad_norm: 2.1011 2023-02-19 19:26:23,502 - mmseg - INFO - Iter [150250/160000] lr: 3.657e-06, eta: 0:59:53, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1112, decode.acc_seg: 95.1581, aux.loss_ce: 0.0688, aux.acc_seg: 92.7185, loss: 0.1800, grad_norm: 1.9360 2023-02-19 19:26:44,038 - mmseg - INFO - Iter [150300/160000] lr: 3.638e-06, eta: 0:59:35, time: 0.411, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1007, decode.acc_seg: 95.5054, aux.loss_ce: 0.0637, aux.acc_seg: 93.1900, loss: 0.1644, grad_norm: 1.9293 2023-02-19 19:27:02,358 - mmseg - INFO - Iter [150350/160000] lr: 3.619e-06, eta: 0:59:16, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1135, decode.acc_seg: 95.0561, aux.loss_ce: 0.0685, aux.acc_seg: 92.7096, loss: 0.1820, grad_norm: 2.1704 2023-02-19 19:27:20,613 - mmseg - INFO - Iter [150400/160000] lr: 3.600e-06, eta: 0:58:58, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1069, decode.acc_seg: 95.3794, aux.loss_ce: 0.0675, aux.acc_seg: 92.8562, loss: 0.1744, grad_norm: 1.9092 2023-02-19 19:27:38,828 - mmseg - INFO - Iter [150450/160000] lr: 3.582e-06, eta: 0:58:39, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1035, decode.acc_seg: 95.4515, aux.loss_ce: 0.0645, aux.acc_seg: 93.0747, loss: 0.1680, grad_norm: 1.6050 2023-02-19 19:27:57,142 - mmseg - INFO - Iter [150500/160000] lr: 3.563e-06, eta: 0:58:21, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.2499, aux.loss_ce: 0.0658, aux.acc_seg: 92.8305, loss: 0.1742, grad_norm: 1.7793 2023-02-19 19:28:15,340 - mmseg - INFO - Iter [150550/160000] lr: 3.544e-06, eta: 0:58:03, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1136, decode.acc_seg: 95.0686, aux.loss_ce: 0.0688, aux.acc_seg: 92.7497, loss: 0.1824, grad_norm: 2.4885 2023-02-19 19:28:33,483 - mmseg - INFO - Iter [150600/160000] lr: 3.525e-06, eta: 0:57:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1093, decode.acc_seg: 95.2247, aux.loss_ce: 0.0685, aux.acc_seg: 92.6360, loss: 0.1778, grad_norm: 2.4457 2023-02-19 19:28:51,651 - mmseg - INFO - Iter [150650/160000] lr: 3.507e-06, eta: 0:57:26, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1053, decode.acc_seg: 95.3947, aux.loss_ce: 0.0649, aux.acc_seg: 92.9971, loss: 0.1701, grad_norm: 2.3094 2023-02-19 19:29:09,757 - mmseg - INFO - Iter [150700/160000] lr: 3.488e-06, eta: 0:57:07, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1098, decode.acc_seg: 95.2177, aux.loss_ce: 0.0676, aux.acc_seg: 92.8267, loss: 0.1774, grad_norm: 1.8645 2023-02-19 19:29:27,845 - mmseg - INFO - Iter [150750/160000] lr: 3.469e-06, eta: 0:56:49, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1061, decode.acc_seg: 95.2947, aux.loss_ce: 0.0666, aux.acc_seg: 92.7846, loss: 0.1727, grad_norm: 1.6841 2023-02-19 19:29:45,934 - mmseg - INFO - Iter [150800/160000] lr: 3.450e-06, eta: 0:56:30, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1041, decode.acc_seg: 95.5025, aux.loss_ce: 0.0654, aux.acc_seg: 93.2551, loss: 0.1696, grad_norm: 1.6933 2023-02-19 19:30:04,039 - mmseg - INFO - Iter [150850/160000] lr: 3.432e-06, eta: 0:56:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.2142, aux.loss_ce: 0.0666, aux.acc_seg: 92.8287, loss: 0.1772, grad_norm: 1.6154 2023-02-19 19:30:22,129 - mmseg - INFO - Iter [150900/160000] lr: 3.413e-06, eta: 0:55:53, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.2495, aux.loss_ce: 0.0659, aux.acc_seg: 92.8386, loss: 0.1742, grad_norm: 1.6059 2023-02-19 19:30:40,234 - mmseg - INFO - Iter [150950/160000] lr: 3.394e-06, eta: 0:55:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1054, decode.acc_seg: 95.3492, aux.loss_ce: 0.0649, aux.acc_seg: 92.8662, loss: 0.1704, grad_norm: 2.1426 2023-02-19 19:30:58,348 - mmseg - INFO - Saving checkpoint at 151000 iterations 2023-02-19 19:31:00,049 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:31:00,049 - mmseg - INFO - Iter [151000/160000] lr: 3.375e-06, eta: 0:55:17, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1085, decode.acc_seg: 95.1703, aux.loss_ce: 0.0639, aux.acc_seg: 93.1117, loss: 0.1724, grad_norm: 1.9032 2023-02-19 19:31:18,232 - mmseg - INFO - Iter [151050/160000] lr: 3.357e-06, eta: 0:54:58, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1132, decode.acc_seg: 95.1213, aux.loss_ce: 0.0676, aux.acc_seg: 92.8176, loss: 0.1808, grad_norm: 2.0540 2023-02-19 19:31:36,341 - mmseg - INFO - Iter [151100/160000] lr: 3.338e-06, eta: 0:54:40, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1115, decode.acc_seg: 94.9602, aux.loss_ce: 0.0663, aux.acc_seg: 92.7810, loss: 0.1779, grad_norm: 1.5414 2023-02-19 19:31:54,549 - mmseg - INFO - Iter [151150/160000] lr: 3.319e-06, eta: 0:54:21, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1137, decode.acc_seg: 95.0604, aux.loss_ce: 0.0699, aux.acc_seg: 92.5975, loss: 0.1836, grad_norm: 2.0008 2023-02-19 19:32:12,690 - mmseg - INFO - Iter [151200/160000] lr: 3.300e-06, eta: 0:54:03, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1050, decode.acc_seg: 95.3517, aux.loss_ce: 0.0665, aux.acc_seg: 92.7339, loss: 0.1715, grad_norm: 1.7217 2023-02-19 19:32:30,829 - mmseg - INFO - Iter [151250/160000] lr: 3.282e-06, eta: 0:53:44, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.3241, aux.loss_ce: 0.0676, aux.acc_seg: 92.9491, loss: 0.1781, grad_norm: 1.9259 2023-02-19 19:32:48,920 - mmseg - INFO - Iter [151300/160000] lr: 3.263e-06, eta: 0:53:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1046, decode.acc_seg: 95.3886, aux.loss_ce: 0.0651, aux.acc_seg: 93.0085, loss: 0.1697, grad_norm: 1.7929 2023-02-19 19:33:07,879 - mmseg - INFO - Iter [151350/160000] lr: 3.244e-06, eta: 0:53:08, time: 0.379, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 95.0630, aux.loss_ce: 0.0677, aux.acc_seg: 92.7864, loss: 0.1821, grad_norm: 2.1791 2023-02-19 19:33:26,044 - mmseg - INFO - Iter [151400/160000] lr: 3.225e-06, eta: 0:52:49, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1089, decode.acc_seg: 95.2421, aux.loss_ce: 0.0718, aux.acc_seg: 92.3512, loss: 0.1807, grad_norm: 1.8322 2023-02-19 19:33:44,118 - mmseg - INFO - Iter [151450/160000] lr: 3.207e-06, eta: 0:52:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 95.1305, aux.loss_ce: 0.0730, aux.acc_seg: 92.6625, loss: 0.1888, grad_norm: 2.3954 2023-02-19 19:34:02,233 - mmseg - INFO - Iter [151500/160000] lr: 3.188e-06, eta: 0:52:12, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1119, decode.acc_seg: 94.9349, aux.loss_ce: 0.0680, aux.acc_seg: 92.6144, loss: 0.1799, grad_norm: 1.6987 2023-02-19 19:34:20,618 - mmseg - INFO - Iter [151550/160000] lr: 3.169e-06, eta: 0:51:54, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1102, decode.acc_seg: 95.1840, aux.loss_ce: 0.0687, aux.acc_seg: 92.6390, loss: 0.1789, grad_norm: 2.6994 2023-02-19 19:34:41,111 - mmseg - INFO - Iter [151600/160000] lr: 3.150e-06, eta: 0:51:35, time: 0.410, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1087, decode.acc_seg: 95.2796, aux.loss_ce: 0.0663, aux.acc_seg: 92.9474, loss: 0.1750, grad_norm: 1.8467 2023-02-19 19:34:59,274 - mmseg - INFO - Iter [151650/160000] lr: 3.132e-06, eta: 0:51:17, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1088, decode.acc_seg: 95.2208, aux.loss_ce: 0.0673, aux.acc_seg: 92.7939, loss: 0.1760, grad_norm: 2.0593 2023-02-19 19:35:17,407 - mmseg - INFO - Iter [151700/160000] lr: 3.113e-06, eta: 0:50:59, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.2967, aux.loss_ce: 0.0697, aux.acc_seg: 92.9597, loss: 0.1821, grad_norm: 3.5140 2023-02-19 19:35:35,591 - mmseg - INFO - Iter [151750/160000] lr: 3.094e-06, eta: 0:50:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1117, decode.acc_seg: 95.0934, aux.loss_ce: 0.0668, aux.acc_seg: 92.8471, loss: 0.1786, grad_norm: 2.3747 2023-02-19 19:35:53,726 - mmseg - INFO - Iter [151800/160000] lr: 3.075e-06, eta: 0:50:22, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.2777, aux.loss_ce: 0.0668, aux.acc_seg: 92.9191, loss: 0.1751, grad_norm: 1.7455 2023-02-19 19:36:11,952 - mmseg - INFO - Iter [151850/160000] lr: 3.057e-06, eta: 0:50:03, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1066, decode.acc_seg: 95.2680, aux.loss_ce: 0.0655, aux.acc_seg: 93.0577, loss: 0.1721, grad_norm: 1.6992 2023-02-19 19:36:30,196 - mmseg - INFO - Iter [151900/160000] lr: 3.038e-06, eta: 0:49:45, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1097, decode.acc_seg: 95.3374, aux.loss_ce: 0.0712, aux.acc_seg: 92.6313, loss: 0.1809, grad_norm: 2.4689 2023-02-19 19:36:48,313 - mmseg - INFO - Iter [151950/160000] lr: 3.019e-06, eta: 0:49:26, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1129, decode.acc_seg: 95.1964, aux.loss_ce: 0.0687, aux.acc_seg: 92.8304, loss: 0.1817, grad_norm: 2.1066 2023-02-19 19:37:06,530 - mmseg - INFO - Saving checkpoint at 152000 iterations 2023-02-19 19:37:08,455 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:37:08,455 - mmseg - INFO - Iter [152000/160000] lr: 3.000e-06, eta: 0:49:08, time: 0.403, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1150, decode.acc_seg: 95.0334, aux.loss_ce: 0.0679, aux.acc_seg: 92.9382, loss: 0.1829, grad_norm: 2.0407 2023-02-19 19:37:26,841 - mmseg - INFO - Iter [152050/160000] lr: 2.982e-06, eta: 0:48:50, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1077, decode.acc_seg: 95.2666, aux.loss_ce: 0.0658, aux.acc_seg: 92.9819, loss: 0.1735, grad_norm: 2.2655 2023-02-19 19:37:45,258 - mmseg - INFO - Iter [152100/160000] lr: 2.963e-06, eta: 0:48:31, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1120, decode.acc_seg: 95.1795, aux.loss_ce: 0.0689, aux.acc_seg: 92.6242, loss: 0.1809, grad_norm: 2.7370 2023-02-19 19:38:03,520 - mmseg - INFO - Iter [152150/160000] lr: 2.944e-06, eta: 0:48:13, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1140, decode.acc_seg: 95.0781, aux.loss_ce: 0.0711, aux.acc_seg: 92.5584, loss: 0.1851, grad_norm: 1.9253 2023-02-19 19:38:21,870 - mmseg - INFO - Iter [152200/160000] lr: 2.925e-06, eta: 0:47:54, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1072, decode.acc_seg: 95.2338, aux.loss_ce: 0.0660, aux.acc_seg: 92.7987, loss: 0.1732, grad_norm: 1.9434 2023-02-19 19:38:39,985 - mmseg - INFO - Iter [152250/160000] lr: 2.907e-06, eta: 0:47:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1090, decode.acc_seg: 95.2985, aux.loss_ce: 0.0666, aux.acc_seg: 92.9571, loss: 0.1756, grad_norm: 1.8688 2023-02-19 19:38:58,125 - mmseg - INFO - Iter [152300/160000] lr: 2.888e-06, eta: 0:47:17, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1128, decode.acc_seg: 95.0732, aux.loss_ce: 0.0674, aux.acc_seg: 92.7489, loss: 0.1803, grad_norm: 1.7183 2023-02-19 19:39:16,234 - mmseg - INFO - Iter [152350/160000] lr: 2.869e-06, eta: 0:46:59, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1125, decode.acc_seg: 95.0915, aux.loss_ce: 0.0674, aux.acc_seg: 92.8720, loss: 0.1800, grad_norm: 1.6648 2023-02-19 19:39:34,341 - mmseg - INFO - Iter [152400/160000] lr: 2.850e-06, eta: 0:46:41, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1050, decode.acc_seg: 95.4676, aux.loss_ce: 0.0648, aux.acc_seg: 93.0580, loss: 0.1698, grad_norm: 1.8006 2023-02-19 19:39:52,452 - mmseg - INFO - Iter [152450/160000] lr: 2.832e-06, eta: 0:46:22, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1078, decode.acc_seg: 95.2647, aux.loss_ce: 0.0674, aux.acc_seg: 92.7760, loss: 0.1751, grad_norm: 1.8397 2023-02-19 19:40:10,666 - mmseg - INFO - Iter [152500/160000] lr: 2.813e-06, eta: 0:46:04, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1073, decode.acc_seg: 95.2510, aux.loss_ce: 0.0657, aux.acc_seg: 92.9931, loss: 0.1730, grad_norm: 2.2564 2023-02-19 19:40:28,972 - mmseg - INFO - Iter [152550/160000] lr: 2.794e-06, eta: 0:45:45, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1038, decode.acc_seg: 95.5029, aux.loss_ce: 0.0650, aux.acc_seg: 93.1896, loss: 0.1688, grad_norm: 1.7071 2023-02-19 19:40:47,080 - mmseg - INFO - Iter [152600/160000] lr: 2.775e-06, eta: 0:45:27, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1072, decode.acc_seg: 95.4029, aux.loss_ce: 0.0688, aux.acc_seg: 92.8691, loss: 0.1761, grad_norm: 2.0102 2023-02-19 19:41:05,178 - mmseg - INFO - Iter [152650/160000] lr: 2.757e-06, eta: 0:45:08, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1138, decode.acc_seg: 94.9803, aux.loss_ce: 0.0700, aux.acc_seg: 92.4737, loss: 0.1838, grad_norm: 1.8970 2023-02-19 19:41:23,289 - mmseg - INFO - Iter [152700/160000] lr: 2.738e-06, eta: 0:44:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1047, decode.acc_seg: 95.4665, aux.loss_ce: 0.0649, aux.acc_seg: 93.1507, loss: 0.1697, grad_norm: 1.7496 2023-02-19 19:41:41,376 - mmseg - INFO - Iter [152750/160000] lr: 2.719e-06, eta: 0:44:31, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.1749, aux.loss_ce: 0.0689, aux.acc_seg: 92.6696, loss: 0.1796, grad_norm: 1.9224 2023-02-19 19:41:59,480 - mmseg - INFO - Iter [152800/160000] lr: 2.700e-06, eta: 0:44:13, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1172, decode.acc_seg: 95.0746, aux.loss_ce: 0.0716, aux.acc_seg: 92.6732, loss: 0.1888, grad_norm: 2.2429 2023-02-19 19:42:19,853 - mmseg - INFO - Iter [152850/160000] lr: 2.682e-06, eta: 0:43:55, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1075, decode.acc_seg: 95.3688, aux.loss_ce: 0.0693, aux.acc_seg: 92.7944, loss: 0.1768, grad_norm: 2.5449 2023-02-19 19:42:37,947 - mmseg - INFO - Iter [152900/160000] lr: 2.663e-06, eta: 0:43:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.1829, aux.loss_ce: 0.0681, aux.acc_seg: 92.8148, loss: 0.1785, grad_norm: 1.9182 2023-02-19 19:42:56,178 - mmseg - INFO - Iter [152950/160000] lr: 2.644e-06, eta: 0:43:18, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1092, decode.acc_seg: 95.1660, aux.loss_ce: 0.0659, aux.acc_seg: 92.9026, loss: 0.1752, grad_norm: 1.7425 2023-02-19 19:43:14,303 - mmseg - INFO - Saving checkpoint at 153000 iterations 2023-02-19 19:43:16,050 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:43:16,050 - mmseg - INFO - Iter [153000/160000] lr: 2.625e-06, eta: 0:42:59, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1042, decode.acc_seg: 95.3062, aux.loss_ce: 0.0639, aux.acc_seg: 92.9675, loss: 0.1681, grad_norm: 1.9051 2023-02-19 19:43:34,572 - mmseg - INFO - Iter [153050/160000] lr: 2.607e-06, eta: 0:42:41, time: 0.370, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1145, decode.acc_seg: 95.0227, aux.loss_ce: 0.0709, aux.acc_seg: 92.5515, loss: 0.1854, grad_norm: 2.2058 2023-02-19 19:43:52,674 - mmseg - INFO - Iter [153100/160000] lr: 2.588e-06, eta: 0:42:23, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1093, decode.acc_seg: 95.2308, aux.loss_ce: 0.0672, aux.acc_seg: 92.8335, loss: 0.1766, grad_norm: 2.6917 2023-02-19 19:44:10,803 - mmseg - INFO - Iter [153150/160000] lr: 2.569e-06, eta: 0:42:04, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1046, decode.acc_seg: 95.4454, aux.loss_ce: 0.0644, aux.acc_seg: 93.1396, loss: 0.1690, grad_norm: 2.5172 2023-02-19 19:44:28,978 - mmseg - INFO - Iter [153200/160000] lr: 2.550e-06, eta: 0:41:46, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1127, decode.acc_seg: 95.0950, aux.loss_ce: 0.0674, aux.acc_seg: 92.8266, loss: 0.1800, grad_norm: 2.3665 2023-02-19 19:44:47,122 - mmseg - INFO - Iter [153250/160000] lr: 2.532e-06, eta: 0:41:27, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1104, decode.acc_seg: 95.2712, aux.loss_ce: 0.0669, aux.acc_seg: 92.9336, loss: 0.1773, grad_norm: 1.7831 2023-02-19 19:45:05,240 - mmseg - INFO - Iter [153300/160000] lr: 2.513e-06, eta: 0:41:09, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1139, decode.acc_seg: 95.0629, aux.loss_ce: 0.0683, aux.acc_seg: 92.7344, loss: 0.1821, grad_norm: 1.9666 2023-02-19 19:45:23,339 - mmseg - INFO - Iter [153350/160000] lr: 2.494e-06, eta: 0:40:50, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.2218, aux.loss_ce: 0.0688, aux.acc_seg: 92.6152, loss: 0.1782, grad_norm: 2.4183 2023-02-19 19:45:41,729 - mmseg - INFO - Iter [153400/160000] lr: 2.475e-06, eta: 0:40:32, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1183, decode.acc_seg: 94.8432, aux.loss_ce: 0.0712, aux.acc_seg: 92.6394, loss: 0.1895, grad_norm: 2.5605 2023-02-19 19:45:59,772 - mmseg - INFO - Iter [153450/160000] lr: 2.457e-06, eta: 0:40:13, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1067, decode.acc_seg: 95.3230, aux.loss_ce: 0.0664, aux.acc_seg: 92.8544, loss: 0.1730, grad_norm: 2.2546 2023-02-19 19:46:17,826 - mmseg - INFO - Iter [153500/160000] lr: 2.438e-06, eta: 0:39:55, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.2188, aux.loss_ce: 0.0669, aux.acc_seg: 92.9039, loss: 0.1772, grad_norm: 1.8941 2023-02-19 19:46:36,030 - mmseg - INFO - Iter [153550/160000] lr: 2.419e-06, eta: 0:39:37, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1090, decode.acc_seg: 95.2390, aux.loss_ce: 0.0655, aux.acc_seg: 92.9601, loss: 0.1744, grad_norm: 1.8083 2023-02-19 19:46:54,117 - mmseg - INFO - Iter [153600/160000] lr: 2.400e-06, eta: 0:39:18, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1112, decode.acc_seg: 95.2347, aux.loss_ce: 0.0694, aux.acc_seg: 92.7574, loss: 0.1807, grad_norm: 1.7518 2023-02-19 19:47:12,295 - mmseg - INFO - Iter [153650/160000] lr: 2.382e-06, eta: 0:39:00, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1153, decode.acc_seg: 94.9637, aux.loss_ce: 0.0692, aux.acc_seg: 92.5914, loss: 0.1845, grad_norm: 1.8641 2023-02-19 19:47:30,561 - mmseg - INFO - Iter [153700/160000] lr: 2.363e-06, eta: 0:38:41, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1087, decode.acc_seg: 95.2526, aux.loss_ce: 0.0657, aux.acc_seg: 92.9569, loss: 0.1745, grad_norm: 2.0010 2023-02-19 19:47:48,561 - mmseg - INFO - Iter [153750/160000] lr: 2.344e-06, eta: 0:38:23, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1057, decode.acc_seg: 95.3679, aux.loss_ce: 0.0650, aux.acc_seg: 93.0518, loss: 0.1707, grad_norm: 2.0071 2023-02-19 19:48:06,708 - mmseg - INFO - Iter [153800/160000] lr: 2.325e-06, eta: 0:38:04, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1100, decode.acc_seg: 95.1507, aux.loss_ce: 0.0657, aux.acc_seg: 92.9955, loss: 0.1758, grad_norm: 2.2112 2023-02-19 19:48:24,872 - mmseg - INFO - Iter [153850/160000] lr: 2.307e-06, eta: 0:37:46, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1094, decode.acc_seg: 95.2069, aux.loss_ce: 0.0677, aux.acc_seg: 92.7753, loss: 0.1771, grad_norm: 2.0781 2023-02-19 19:48:43,181 - mmseg - INFO - Iter [153900/160000] lr: 2.288e-06, eta: 0:37:28, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 95.0803, aux.loss_ce: 0.0702, aux.acc_seg: 92.7499, loss: 0.1861, grad_norm: 2.8730 2023-02-19 19:49:01,867 - mmseg - INFO - Iter [153950/160000] lr: 2.269e-06, eta: 0:37:09, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1037, decode.acc_seg: 95.4142, aux.loss_ce: 0.0646, aux.acc_seg: 93.0683, loss: 0.1683, grad_norm: 1.6323 2023-02-19 19:49:20,341 - mmseg - INFO - Saving checkpoint at 154000 iterations 2023-02-19 19:49:22,231 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:49:22,231 - mmseg - INFO - Iter [154000/160000] lr: 2.250e-06, eta: 0:36:51, time: 0.408, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1065, decode.acc_seg: 95.3458, aux.loss_ce: 0.0647, aux.acc_seg: 93.0758, loss: 0.1712, grad_norm: 1.8558 2023-02-19 19:49:40,307 - mmseg - INFO - Iter [154050/160000] lr: 2.232e-06, eta: 0:36:32, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1088, decode.acc_seg: 95.3117, aux.loss_ce: 0.0689, aux.acc_seg: 92.8400, loss: 0.1777, grad_norm: 2.2494 2023-02-19 19:50:00,826 - mmseg - INFO - Iter [154100/160000] lr: 2.213e-06, eta: 0:36:14, time: 0.410, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1075, decode.acc_seg: 95.2837, aux.loss_ce: 0.0655, aux.acc_seg: 92.8062, loss: 0.1730, grad_norm: 1.7842 2023-02-19 19:50:19,148 - mmseg - INFO - Iter [154150/160000] lr: 2.194e-06, eta: 0:35:56, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.1405, aux.loss_ce: 0.0677, aux.acc_seg: 92.7966, loss: 0.1785, grad_norm: 1.8867 2023-02-19 19:50:37,312 - mmseg - INFO - Iter [154200/160000] lr: 2.175e-06, eta: 0:35:37, time: 0.364, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1096, decode.acc_seg: 95.2281, aux.loss_ce: 0.0680, aux.acc_seg: 92.7383, loss: 0.1776, grad_norm: 1.8759 2023-02-19 19:50:55,362 - mmseg - INFO - Iter [154250/160000] lr: 2.157e-06, eta: 0:35:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1073, decode.acc_seg: 95.3893, aux.loss_ce: 0.0671, aux.acc_seg: 92.9525, loss: 0.1744, grad_norm: 1.8549 2023-02-19 19:51:13,650 - mmseg - INFO - Iter [154300/160000] lr: 2.138e-06, eta: 0:35:00, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1067, decode.acc_seg: 95.3933, aux.loss_ce: 0.0654, aux.acc_seg: 93.0428, loss: 0.1721, grad_norm: 1.9171 2023-02-19 19:51:31,977 - mmseg - INFO - Iter [154350/160000] lr: 2.119e-06, eta: 0:34:42, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1084, decode.acc_seg: 95.2396, aux.loss_ce: 0.0668, aux.acc_seg: 92.8921, loss: 0.1752, grad_norm: 1.5160 2023-02-19 19:51:50,247 - mmseg - INFO - Iter [154400/160000] lr: 2.100e-06, eta: 0:34:23, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1082, decode.acc_seg: 95.2447, aux.loss_ce: 0.0644, aux.acc_seg: 93.0142, loss: 0.1726, grad_norm: 1.7988 2023-02-19 19:52:08,363 - mmseg - INFO - Iter [154450/160000] lr: 2.082e-06, eta: 0:34:05, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1079, decode.acc_seg: 95.2599, aux.loss_ce: 0.0666, aux.acc_seg: 92.8353, loss: 0.1745, grad_norm: 2.0314 2023-02-19 19:52:26,794 - mmseg - INFO - Iter [154500/160000] lr: 2.063e-06, eta: 0:33:47, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1069, decode.acc_seg: 95.2980, aux.loss_ce: 0.0640, aux.acc_seg: 93.0891, loss: 0.1709, grad_norm: 2.1397 2023-02-19 19:52:45,083 - mmseg - INFO - Iter [154550/160000] lr: 2.044e-06, eta: 0:33:28, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1107, decode.acc_seg: 95.1889, aux.loss_ce: 0.0689, aux.acc_seg: 92.6925, loss: 0.1796, grad_norm: 1.9279 2023-02-19 19:53:03,068 - mmseg - INFO - Iter [154600/160000] lr: 2.025e-06, eta: 0:33:10, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1082, decode.acc_seg: 95.2518, aux.loss_ce: 0.0685, aux.acc_seg: 92.6051, loss: 0.1766, grad_norm: 2.0633 2023-02-19 19:53:21,549 - mmseg - INFO - Iter [154650/160000] lr: 2.007e-06, eta: 0:32:51, time: 0.369, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1112, decode.acc_seg: 95.1374, aux.loss_ce: 0.0664, aux.acc_seg: 93.0094, loss: 0.1776, grad_norm: 2.0576 2023-02-19 19:53:39,775 - mmseg - INFO - Iter [154700/160000] lr: 1.988e-06, eta: 0:32:33, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1045, decode.acc_seg: 95.4420, aux.loss_ce: 0.0643, aux.acc_seg: 93.1734, loss: 0.1689, grad_norm: 2.6496 2023-02-19 19:53:57,837 - mmseg - INFO - Iter [154750/160000] lr: 1.969e-06, eta: 0:32:14, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1079, decode.acc_seg: 95.2726, aux.loss_ce: 0.0655, aux.acc_seg: 93.0130, loss: 0.1734, grad_norm: 2.0552 2023-02-19 19:54:15,846 - mmseg - INFO - Iter [154800/160000] lr: 1.950e-06, eta: 0:31:56, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.2596, aux.loss_ce: 0.0656, aux.acc_seg: 92.9323, loss: 0.1736, grad_norm: 2.2566 2023-02-19 19:54:33,843 - mmseg - INFO - Iter [154850/160000] lr: 1.932e-06, eta: 0:31:37, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1113, decode.acc_seg: 95.2007, aux.loss_ce: 0.0690, aux.acc_seg: 92.7994, loss: 0.1803, grad_norm: 2.4616 2023-02-19 19:54:51,830 - mmseg - INFO - Iter [154900/160000] lr: 1.913e-06, eta: 0:31:19, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1126, decode.acc_seg: 95.0413, aux.loss_ce: 0.0686, aux.acc_seg: 92.5662, loss: 0.1812, grad_norm: 1.8397 2023-02-19 19:55:10,140 - mmseg - INFO - Iter [154950/160000] lr: 1.894e-06, eta: 0:31:01, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1009, decode.acc_seg: 95.6169, aux.loss_ce: 0.0637, aux.acc_seg: 93.2512, loss: 0.1646, grad_norm: 1.5017 2023-02-19 19:55:28,263 - mmseg - INFO - Saving checkpoint at 155000 iterations 2023-02-19 19:55:30,063 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 19:55:30,063 - mmseg - INFO - Iter [155000/160000] lr: 1.875e-06, eta: 0:30:42, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1178, decode.acc_seg: 94.8891, aux.loss_ce: 0.0717, aux.acc_seg: 92.5234, loss: 0.1895, grad_norm: 2.7822 2023-02-19 19:55:48,196 - mmseg - INFO - Iter [155050/160000] lr: 1.857e-06, eta: 0:30:24, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1093, decode.acc_seg: 95.2495, aux.loss_ce: 0.0647, aux.acc_seg: 93.0902, loss: 0.1739, grad_norm: 2.0987 2023-02-19 19:56:06,235 - mmseg - INFO - Iter [155100/160000] lr: 1.838e-06, eta: 0:30:05, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1143, decode.acc_seg: 94.9907, aux.loss_ce: 0.0675, aux.acc_seg: 92.7500, loss: 0.1819, grad_norm: 1.8868 2023-02-19 19:56:24,468 - mmseg - INFO - Iter [155150/160000] lr: 1.819e-06, eta: 0:29:47, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1142, decode.acc_seg: 95.0782, aux.loss_ce: 0.0682, aux.acc_seg: 92.8386, loss: 0.1824, grad_norm: 1.7486 2023-02-19 19:56:42,488 - mmseg - INFO - Iter [155200/160000] lr: 1.800e-06, eta: 0:29:28, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1072, decode.acc_seg: 95.3100, aux.loss_ce: 0.0673, aux.acc_seg: 92.8946, loss: 0.1745, grad_norm: 2.9134 2023-02-19 19:57:00,626 - mmseg - INFO - Iter [155250/160000] lr: 1.782e-06, eta: 0:29:10, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1069, decode.acc_seg: 95.3678, aux.loss_ce: 0.0646, aux.acc_seg: 93.1230, loss: 0.1715, grad_norm: 1.6396 2023-02-19 19:57:18,654 - mmseg - INFO - Iter [155300/160000] lr: 1.763e-06, eta: 0:28:52, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1084, decode.acc_seg: 95.3958, aux.loss_ce: 0.0665, aux.acc_seg: 93.1066, loss: 0.1750, grad_norm: 1.8500 2023-02-19 19:57:39,112 - mmseg - INFO - Iter [155350/160000] lr: 1.744e-06, eta: 0:28:33, time: 0.409, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1038, decode.acc_seg: 95.3679, aux.loss_ce: 0.0655, aux.acc_seg: 92.8958, loss: 0.1693, grad_norm: 1.8190 2023-02-19 19:57:57,224 - mmseg - INFO - Iter [155400/160000] lr: 1.725e-06, eta: 0:28:15, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1070, decode.acc_seg: 95.2165, aux.loss_ce: 0.0654, aux.acc_seg: 92.8609, loss: 0.1725, grad_norm: 1.9461 2023-02-19 19:58:15,177 - mmseg - INFO - Iter [155450/160000] lr: 1.707e-06, eta: 0:27:56, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1082, decode.acc_seg: 95.2363, aux.loss_ce: 0.0669, aux.acc_seg: 92.8101, loss: 0.1751, grad_norm: 1.7713 2023-02-19 19:58:33,399 - mmseg - INFO - Iter [155500/160000] lr: 1.688e-06, eta: 0:27:38, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1091, decode.acc_seg: 95.2917, aux.loss_ce: 0.0692, aux.acc_seg: 92.7794, loss: 0.1783, grad_norm: 2.0171 2023-02-19 19:58:51,474 - mmseg - INFO - Iter [155550/160000] lr: 1.669e-06, eta: 0:27:19, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1088, decode.acc_seg: 95.2085, aux.loss_ce: 0.0671, aux.acc_seg: 92.8334, loss: 0.1759, grad_norm: 1.7950 2023-02-19 19:59:09,796 - mmseg - INFO - Iter [155600/160000] lr: 1.650e-06, eta: 0:27:01, time: 0.367, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1104, decode.acc_seg: 95.2396, aux.loss_ce: 0.0693, aux.acc_seg: 92.5773, loss: 0.1797, grad_norm: 1.7897 2023-02-19 19:59:27,835 - mmseg - INFO - Iter [155650/160000] lr: 1.632e-06, eta: 0:26:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1063, decode.acc_seg: 95.3278, aux.loss_ce: 0.0650, aux.acc_seg: 93.0659, loss: 0.1713, grad_norm: 1.6021 2023-02-19 19:59:45,884 - mmseg - INFO - Iter [155700/160000] lr: 1.613e-06, eta: 0:26:24, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1069, decode.acc_seg: 95.4180, aux.loss_ce: 0.0659, aux.acc_seg: 93.1261, loss: 0.1728, grad_norm: 1.8927 2023-02-19 20:00:04,150 - mmseg - INFO - Iter [155750/160000] lr: 1.594e-06, eta: 0:26:06, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1025, decode.acc_seg: 95.5701, aux.loss_ce: 0.0612, aux.acc_seg: 93.4950, loss: 0.1638, grad_norm: 2.4105 2023-02-19 20:00:22,127 - mmseg - INFO - Iter [155800/160000] lr: 1.575e-06, eta: 0:25:47, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1041, decode.acc_seg: 95.4146, aux.loss_ce: 0.0622, aux.acc_seg: 93.2493, loss: 0.1663, grad_norm: 2.0762 2023-02-19 20:00:40,196 - mmseg - INFO - Iter [155850/160000] lr: 1.557e-06, eta: 0:25:29, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1151, decode.acc_seg: 95.0725, aux.loss_ce: 0.0697, aux.acc_seg: 92.6165, loss: 0.1848, grad_norm: 2.0391 2023-02-19 20:00:58,251 - mmseg - INFO - Iter [155900/160000] lr: 1.538e-06, eta: 0:25:10, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1035, decode.acc_seg: 95.5061, aux.loss_ce: 0.0642, aux.acc_seg: 93.1316, loss: 0.1677, grad_norm: 2.1275 2023-02-19 20:01:16,267 - mmseg - INFO - Iter [155950/160000] lr: 1.519e-06, eta: 0:24:52, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1072, decode.acc_seg: 95.2173, aux.loss_ce: 0.0675, aux.acc_seg: 92.6886, loss: 0.1748, grad_norm: 1.7495 2023-02-19 20:01:34,281 - mmseg - INFO - Saving checkpoint at 156000 iterations 2023-02-19 20:01:36,060 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 20:01:36,060 - mmseg - INFO - Iter [156000/160000] lr: 1.500e-06, eta: 0:24:34, time: 0.396, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.4301, aux.loss_ce: 0.0668, aux.acc_seg: 93.0891, loss: 0.1751, grad_norm: 1.7435 2023-02-19 20:01:54,304 - mmseg - INFO - Iter [156050/160000] lr: 1.482e-06, eta: 0:24:15, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1110, decode.acc_seg: 95.1475, aux.loss_ce: 0.0673, aux.acc_seg: 92.8454, loss: 0.1783, grad_norm: 2.0107 2023-02-19 20:02:12,891 - mmseg - INFO - Iter [156100/160000] lr: 1.463e-06, eta: 0:23:57, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.2682, aux.loss_ce: 0.0651, aux.acc_seg: 93.0234, loss: 0.1734, grad_norm: 1.4585 2023-02-19 20:02:30,908 - mmseg - INFO - Iter [156150/160000] lr: 1.444e-06, eta: 0:23:38, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1059, decode.acc_seg: 95.3325, aux.loss_ce: 0.0652, aux.acc_seg: 92.8972, loss: 0.1711, grad_norm: 1.6397 2023-02-19 20:02:48,944 - mmseg - INFO - Iter [156200/160000] lr: 1.425e-06, eta: 0:23:20, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.3463, aux.loss_ce: 0.0689, aux.acc_seg: 92.9267, loss: 0.1794, grad_norm: 2.0021 2023-02-19 20:03:06,950 - mmseg - INFO - Iter [156250/160000] lr: 1.407e-06, eta: 0:23:01, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.2670, aux.loss_ce: 0.0670, aux.acc_seg: 92.9638, loss: 0.1749, grad_norm: 1.9037 2023-02-19 20:03:25,006 - mmseg - INFO - Iter [156300/160000] lr: 1.388e-06, eta: 0:22:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1075, decode.acc_seg: 95.2868, aux.loss_ce: 0.0662, aux.acc_seg: 92.9977, loss: 0.1737, grad_norm: 2.0373 2023-02-19 20:03:43,030 - mmseg - INFO - Iter [156350/160000] lr: 1.369e-06, eta: 0:22:25, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1019, decode.acc_seg: 95.4874, aux.loss_ce: 0.0639, aux.acc_seg: 93.1122, loss: 0.1657, grad_norm: 1.4568 2023-02-19 20:04:01,225 - mmseg - INFO - Iter [156400/160000] lr: 1.350e-06, eta: 0:22:06, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1124, decode.acc_seg: 95.1459, aux.loss_ce: 0.0692, aux.acc_seg: 92.6967, loss: 0.1816, grad_norm: 1.7832 2023-02-19 20:04:19,301 - mmseg - INFO - Iter [156450/160000] lr: 1.332e-06, eta: 0:21:48, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1189, decode.acc_seg: 94.9425, aux.loss_ce: 0.0717, aux.acc_seg: 92.4956, loss: 0.1906, grad_norm: 2.5075 2023-02-19 20:04:37,311 - mmseg - INFO - Iter [156500/160000] lr: 1.313e-06, eta: 0:21:29, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1085, decode.acc_seg: 95.1324, aux.loss_ce: 0.0648, aux.acc_seg: 92.8663, loss: 0.1733, grad_norm: 1.8936 2023-02-19 20:04:55,449 - mmseg - INFO - Iter [156550/160000] lr: 1.294e-06, eta: 0:21:11, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1123, decode.acc_seg: 95.0792, aux.loss_ce: 0.0699, aux.acc_seg: 92.5064, loss: 0.1822, grad_norm: 3.7283 2023-02-19 20:05:13,547 - mmseg - INFO - Iter [156600/160000] lr: 1.275e-06, eta: 0:20:52, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1110, decode.acc_seg: 95.2891, aux.loss_ce: 0.0687, aux.acc_seg: 92.8294, loss: 0.1797, grad_norm: 2.5723 2023-02-19 20:05:33,918 - mmseg - INFO - Iter [156650/160000] lr: 1.257e-06, eta: 0:20:34, time: 0.407, data_time: 0.051, memory: 20662, decode.loss_ce: 0.1122, decode.acc_seg: 95.1158, aux.loss_ce: 0.0701, aux.acc_seg: 92.5541, loss: 0.1823, grad_norm: 1.9232 2023-02-19 20:05:51,939 - mmseg - INFO - Iter [156700/160000] lr: 1.238e-06, eta: 0:20:16, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1068, decode.acc_seg: 95.3005, aux.loss_ce: 0.0654, aux.acc_seg: 93.0199, loss: 0.1722, grad_norm: 2.1012 2023-02-19 20:06:10,339 - mmseg - INFO - Iter [156750/160000] lr: 1.219e-06, eta: 0:19:57, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1089, decode.acc_seg: 95.2408, aux.loss_ce: 0.0657, aux.acc_seg: 92.9283, loss: 0.1746, grad_norm: 1.6137 2023-02-19 20:06:28,468 - mmseg - INFO - Iter [156800/160000] lr: 1.200e-06, eta: 0:19:39, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1055, decode.acc_seg: 95.3629, aux.loss_ce: 0.0651, aux.acc_seg: 92.9778, loss: 0.1706, grad_norm: 1.7151 2023-02-19 20:06:46,844 - mmseg - INFO - Iter [156850/160000] lr: 1.182e-06, eta: 0:19:20, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1051, decode.acc_seg: 95.3975, aux.loss_ce: 0.0660, aux.acc_seg: 92.9312, loss: 0.1711, grad_norm: 2.4846 2023-02-19 20:07:05,016 - mmseg - INFO - Iter [156900/160000] lr: 1.163e-06, eta: 0:19:02, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1046, decode.acc_seg: 95.3365, aux.loss_ce: 0.0658, aux.acc_seg: 92.8925, loss: 0.1704, grad_norm: 1.6233 2023-02-19 20:07:23,090 - mmseg - INFO - Iter [156950/160000] lr: 1.144e-06, eta: 0:18:43, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1071, decode.acc_seg: 95.2622, aux.loss_ce: 0.0647, aux.acc_seg: 93.0034, loss: 0.1717, grad_norm: 1.5907 2023-02-19 20:07:41,233 - mmseg - INFO - Saving checkpoint at 157000 iterations 2023-02-19 20:07:43,031 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 20:07:43,031 - mmseg - INFO - Iter [157000/160000] lr: 1.125e-06, eta: 0:18:25, time: 0.399, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1213, decode.acc_seg: 94.7711, aux.loss_ce: 0.0738, aux.acc_seg: 92.2117, loss: 0.1951, grad_norm: 2.6455 2023-02-19 20:08:01,060 - mmseg - INFO - Iter [157050/160000] lr: 1.107e-06, eta: 0:18:07, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1096, decode.acc_seg: 95.1949, aux.loss_ce: 0.0676, aux.acc_seg: 92.7495, loss: 0.1771, grad_norm: 1.7108 2023-02-19 20:08:19,107 - mmseg - INFO - Iter [157100/160000] lr: 1.088e-06, eta: 0:17:48, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1009, decode.acc_seg: 95.4959, aux.loss_ce: 0.0632, aux.acc_seg: 93.1353, loss: 0.1641, grad_norm: 1.6132 2023-02-19 20:08:37,364 - mmseg - INFO - Iter [157150/160000] lr: 1.069e-06, eta: 0:17:30, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1118, decode.acc_seg: 95.1359, aux.loss_ce: 0.0686, aux.acc_seg: 92.7478, loss: 0.1805, grad_norm: 2.1594 2023-02-19 20:08:55,961 - mmseg - INFO - Iter [157200/160000] lr: 1.050e-06, eta: 0:17:11, time: 0.372, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1059, decode.acc_seg: 95.3919, aux.loss_ce: 0.0650, aux.acc_seg: 93.0548, loss: 0.1708, grad_norm: 1.6306 2023-02-19 20:09:13,976 - mmseg - INFO - Iter [157250/160000] lr: 1.032e-06, eta: 0:16:53, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1036, decode.acc_seg: 95.3309, aux.loss_ce: 0.0637, aux.acc_seg: 92.9592, loss: 0.1673, grad_norm: 2.9175 2023-02-19 20:09:32,641 - mmseg - INFO - Iter [157300/160000] lr: 1.013e-06, eta: 0:16:34, time: 0.373, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1158, decode.acc_seg: 94.9485, aux.loss_ce: 0.0747, aux.acc_seg: 92.1681, loss: 0.1905, grad_norm: 2.2197 2023-02-19 20:09:50,650 - mmseg - INFO - Iter [157350/160000] lr: 9.941e-07, eta: 0:16:16, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1035, decode.acc_seg: 95.4075, aux.loss_ce: 0.0622, aux.acc_seg: 93.3336, loss: 0.1656, grad_norm: 2.1425 2023-02-19 20:10:08,771 - mmseg - INFO - Iter [157400/160000] lr: 9.754e-07, eta: 0:15:58, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1076, decode.acc_seg: 95.2622, aux.loss_ce: 0.0660, aux.acc_seg: 92.9527, loss: 0.1736, grad_norm: 1.8273 2023-02-19 20:10:26,780 - mmseg - INFO - Iter [157450/160000] lr: 9.566e-07, eta: 0:15:39, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1103, decode.acc_seg: 95.3287, aux.loss_ce: 0.0677, aux.acc_seg: 92.9878, loss: 0.1781, grad_norm: 2.0010 2023-02-19 20:10:45,034 - mmseg - INFO - Iter [157500/160000] lr: 9.379e-07, eta: 0:15:21, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.2977, aux.loss_ce: 0.0699, aux.acc_seg: 92.6991, loss: 0.1806, grad_norm: 2.1074 2023-02-19 20:11:03,745 - mmseg - INFO - Iter [157550/160000] lr: 9.191e-07, eta: 0:15:02, time: 0.374, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1083, decode.acc_seg: 95.2487, aux.loss_ce: 0.0656, aux.acc_seg: 92.9695, loss: 0.1739, grad_norm: 1.5132 2023-02-19 20:11:22,006 - mmseg - INFO - Iter [157600/160000] lr: 9.004e-07, eta: 0:14:44, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1104, decode.acc_seg: 95.0811, aux.loss_ce: 0.0666, aux.acc_seg: 92.8719, loss: 0.1770, grad_norm: 2.1142 2023-02-19 20:11:40,263 - mmseg - INFO - Iter [157650/160000] lr: 8.816e-07, eta: 0:14:25, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1081, decode.acc_seg: 95.4022, aux.loss_ce: 0.0649, aux.acc_seg: 93.1857, loss: 0.1731, grad_norm: 1.8903 2023-02-19 20:11:58,403 - mmseg - INFO - Iter [157700/160000] lr: 8.629e-07, eta: 0:14:07, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1078, decode.acc_seg: 95.3147, aux.loss_ce: 0.0654, aux.acc_seg: 93.0523, loss: 0.1732, grad_norm: 1.6452 2023-02-19 20:12:16,671 - mmseg - INFO - Iter [157750/160000] lr: 8.441e-07, eta: 0:13:49, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.3597, aux.loss_ce: 0.0647, aux.acc_seg: 93.2663, loss: 0.1726, grad_norm: 1.6108 2023-02-19 20:12:34,851 - mmseg - INFO - Iter [157800/160000] lr: 8.254e-07, eta: 0:13:30, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1059, decode.acc_seg: 95.5073, aux.loss_ce: 0.0652, aux.acc_seg: 93.1463, loss: 0.1711, grad_norm: 2.0231 2023-02-19 20:12:53,116 - mmseg - INFO - Iter [157850/160000] lr: 8.066e-07, eta: 0:13:12, time: 0.365, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1045, decode.acc_seg: 95.5173, aux.loss_ce: 0.0647, aux.acc_seg: 93.1359, loss: 0.1692, grad_norm: 2.2056 2023-02-19 20:13:13,577 - mmseg - INFO - Iter [157900/160000] lr: 7.879e-07, eta: 0:12:53, time: 0.409, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1058, decode.acc_seg: 95.3507, aux.loss_ce: 0.0665, aux.acc_seg: 92.9874, loss: 0.1724, grad_norm: 1.8261 2023-02-19 20:13:31,673 - mmseg - INFO - Iter [157950/160000] lr: 7.691e-07, eta: 0:12:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1061, decode.acc_seg: 95.3953, aux.loss_ce: 0.0661, aux.acc_seg: 93.0124, loss: 0.1722, grad_norm: 2.0868 2023-02-19 20:13:49,686 - mmseg - INFO - Saving checkpoint at 158000 iterations 2023-02-19 20:13:51,549 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 20:13:51,549 - mmseg - INFO - Iter [158000/160000] lr: 7.504e-07, eta: 0:12:17, time: 0.398, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1069, decode.acc_seg: 95.4248, aux.loss_ce: 0.0655, aux.acc_seg: 93.0668, loss: 0.1724, grad_norm: 1.5392 2023-02-19 20:14:09,940 - mmseg - INFO - Iter [158050/160000] lr: 7.316e-07, eta: 0:11:58, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1105, decode.acc_seg: 95.1086, aux.loss_ce: 0.0664, aux.acc_seg: 92.8547, loss: 0.1768, grad_norm: 2.8180 2023-02-19 20:14:28,130 - mmseg - INFO - Iter [158100/160000] lr: 7.129e-07, eta: 0:11:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1101, decode.acc_seg: 95.2713, aux.loss_ce: 0.0685, aux.acc_seg: 92.8191, loss: 0.1786, grad_norm: 1.6838 2023-02-19 20:14:46,187 - mmseg - INFO - Iter [158150/160000] lr: 6.941e-07, eta: 0:11:21, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1060, decode.acc_seg: 95.5228, aux.loss_ce: 0.0663, aux.acc_seg: 93.0407, loss: 0.1724, grad_norm: 2.0053 2023-02-19 20:15:04,487 - mmseg - INFO - Iter [158200/160000] lr: 6.754e-07, eta: 0:11:03, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.0994, decode.acc_seg: 95.6755, aux.loss_ce: 0.0637, aux.acc_seg: 93.1782, loss: 0.1632, grad_norm: 1.7570 2023-02-19 20:15:23,022 - mmseg - INFO - Iter [158250/160000] lr: 6.566e-07, eta: 0:10:44, time: 0.371, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1125, decode.acc_seg: 95.2898, aux.loss_ce: 0.0678, aux.acc_seg: 92.9627, loss: 0.1803, grad_norm: 2.1050 2023-02-19 20:15:41,000 - mmseg - INFO - Iter [158300/160000] lr: 6.379e-07, eta: 0:10:26, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.2297, aux.loss_ce: 0.0690, aux.acc_seg: 92.7140, loss: 0.1770, grad_norm: 2.4544 2023-02-19 20:15:59,188 - mmseg - INFO - Iter [158350/160000] lr: 6.191e-07, eta: 0:10:08, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1014, decode.acc_seg: 95.5084, aux.loss_ce: 0.0638, aux.acc_seg: 93.0461, loss: 0.1651, grad_norm: 1.6523 2023-02-19 20:16:17,411 - mmseg - INFO - Iter [158400/160000] lr: 6.004e-07, eta: 0:09:49, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1060, decode.acc_seg: 95.4589, aux.loss_ce: 0.0661, aux.acc_seg: 93.0917, loss: 0.1721, grad_norm: 1.6230 2023-02-19 20:16:35,472 - mmseg - INFO - Iter [158450/160000] lr: 5.816e-07, eta: 0:09:31, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1125, decode.acc_seg: 95.0425, aux.loss_ce: 0.0681, aux.acc_seg: 92.6845, loss: 0.1806, grad_norm: 1.8402 2023-02-19 20:16:53,533 - mmseg - INFO - Iter [158500/160000] lr: 5.629e-07, eta: 0:09:12, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1116, decode.acc_seg: 95.1807, aux.loss_ce: 0.0684, aux.acc_seg: 92.7939, loss: 0.1800, grad_norm: 1.7730 2023-02-19 20:17:11,713 - mmseg - INFO - Iter [158550/160000] lr: 5.441e-07, eta: 0:08:54, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1038, decode.acc_seg: 95.4458, aux.loss_ce: 0.0638, aux.acc_seg: 93.0764, loss: 0.1676, grad_norm: 1.5829 2023-02-19 20:17:29,820 - mmseg - INFO - Iter [158600/160000] lr: 5.254e-07, eta: 0:08:35, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1076, decode.acc_seg: 95.3262, aux.loss_ce: 0.0658, aux.acc_seg: 92.9463, loss: 0.1734, grad_norm: 1.9532 2023-02-19 20:17:47,873 - mmseg - INFO - Iter [158650/160000] lr: 5.066e-07, eta: 0:08:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1070, decode.acc_seg: 95.2997, aux.loss_ce: 0.0655, aux.acc_seg: 93.0033, loss: 0.1726, grad_norm: 1.7804 2023-02-19 20:18:05,939 - mmseg - INFO - Iter [158700/160000] lr: 4.879e-07, eta: 0:07:59, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1064, decode.acc_seg: 95.3485, aux.loss_ce: 0.0669, aux.acc_seg: 92.8531, loss: 0.1732, grad_norm: 1.5278 2023-02-19 20:18:24,149 - mmseg - INFO - Iter [158750/160000] lr: 4.691e-07, eta: 0:07:40, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1065, decode.acc_seg: 95.3412, aux.loss_ce: 0.0656, aux.acc_seg: 92.9595, loss: 0.1721, grad_norm: 1.7144 2023-02-19 20:18:42,185 - mmseg - INFO - Iter [158800/160000] lr: 4.504e-07, eta: 0:07:22, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1071, decode.acc_seg: 95.2794, aux.loss_ce: 0.0654, aux.acc_seg: 92.8973, loss: 0.1725, grad_norm: 2.1138 2023-02-19 20:19:00,266 - mmseg - INFO - Iter [158850/160000] lr: 4.316e-07, eta: 0:07:03, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1089, decode.acc_seg: 95.2394, aux.loss_ce: 0.0676, aux.acc_seg: 92.8500, loss: 0.1765, grad_norm: 1.7199 2023-02-19 20:19:18,460 - mmseg - INFO - Iter [158900/160000] lr: 4.129e-07, eta: 0:06:45, time: 0.364, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1084, decode.acc_seg: 95.1883, aux.loss_ce: 0.0651, aux.acc_seg: 92.9914, loss: 0.1735, grad_norm: 1.8193 2023-02-19 20:19:36,768 - mmseg - INFO - Iter [158950/160000] lr: 3.941e-07, eta: 0:06:26, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1051, decode.acc_seg: 95.3549, aux.loss_ce: 0.0660, aux.acc_seg: 92.8755, loss: 0.1711, grad_norm: 1.8263 2023-02-19 20:19:54,720 - mmseg - INFO - Saving checkpoint at 159000 iterations 2023-02-19 20:19:56,492 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 20:19:56,492 - mmseg - INFO - Iter [159000/160000] lr: 3.754e-07, eta: 0:06:08, time: 0.394, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1108, decode.acc_seg: 95.1256, aux.loss_ce: 0.0666, aux.acc_seg: 92.8829, loss: 0.1774, grad_norm: 1.8266 2023-02-19 20:20:14,782 - mmseg - INFO - Iter [159050/160000] lr: 3.566e-07, eta: 0:05:50, time: 0.366, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1112, decode.acc_seg: 95.1683, aux.loss_ce: 0.0672, aux.acc_seg: 92.9253, loss: 0.1783, grad_norm: 2.1047 2023-02-19 20:20:33,188 - mmseg - INFO - Iter [159100/160000] lr: 3.379e-07, eta: 0:05:31, time: 0.368, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1144, decode.acc_seg: 95.0366, aux.loss_ce: 0.0698, aux.acc_seg: 92.5440, loss: 0.1842, grad_norm: 1.8612 2023-02-19 20:20:53,875 - mmseg - INFO - Iter [159150/160000] lr: 3.191e-07, eta: 0:05:13, time: 0.414, data_time: 0.050, memory: 20662, decode.loss_ce: 0.1027, decode.acc_seg: 95.5160, aux.loss_ce: 0.0639, aux.acc_seg: 93.1208, loss: 0.1666, grad_norm: 1.7620 2023-02-19 20:21:11,940 - mmseg - INFO - Iter [159200/160000] lr: 3.004e-07, eta: 0:04:54, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1148, decode.acc_seg: 95.0241, aux.loss_ce: 0.0698, aux.acc_seg: 92.5515, loss: 0.1847, grad_norm: 2.1379 2023-02-19 20:21:30,027 - mmseg - INFO - Iter [159250/160000] lr: 2.816e-07, eta: 0:04:36, time: 0.362, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1079, decode.acc_seg: 95.2790, aux.loss_ce: 0.0653, aux.acc_seg: 93.1130, loss: 0.1732, grad_norm: 1.9856 2023-02-19 20:21:48,070 - mmseg - INFO - Iter [159300/160000] lr: 2.629e-07, eta: 0:04:17, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1016, decode.acc_seg: 95.5046, aux.loss_ce: 0.0624, aux.acc_seg: 93.2268, loss: 0.1640, grad_norm: 2.3048 2023-02-19 20:22:06,207 - mmseg - INFO - Iter [159350/160000] lr: 2.441e-07, eta: 0:03:59, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1073, decode.acc_seg: 95.3815, aux.loss_ce: 0.0669, aux.acc_seg: 93.0312, loss: 0.1742, grad_norm: 2.0651 2023-02-19 20:22:24,359 - mmseg - INFO - Iter [159400/160000] lr: 2.254e-07, eta: 0:03:41, time: 0.363, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1045, decode.acc_seg: 95.4234, aux.loss_ce: 0.0646, aux.acc_seg: 93.1531, loss: 0.1691, grad_norm: 1.7604 2023-02-19 20:22:42,324 - mmseg - INFO - Iter [159450/160000] lr: 2.066e-07, eta: 0:03:22, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1048, decode.acc_seg: 95.3421, aux.loss_ce: 0.0644, aux.acc_seg: 93.0092, loss: 0.1693, grad_norm: 1.7565 2023-02-19 20:23:00,343 - mmseg - INFO - Iter [159500/160000] lr: 1.879e-07, eta: 0:03:04, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1073, decode.acc_seg: 95.2713, aux.loss_ce: 0.0672, aux.acc_seg: 92.8434, loss: 0.1746, grad_norm: 1.6555 2023-02-19 20:23:18,346 - mmseg - INFO - Iter [159550/160000] lr: 1.691e-07, eta: 0:02:45, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1080, decode.acc_seg: 95.1808, aux.loss_ce: 0.0666, aux.acc_seg: 92.7188, loss: 0.1746, grad_norm: 1.6796 2023-02-19 20:23:36,315 - mmseg - INFO - Iter [159600/160000] lr: 1.504e-07, eta: 0:02:27, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1055, decode.acc_seg: 95.4804, aux.loss_ce: 0.0670, aux.acc_seg: 93.0139, loss: 0.1725, grad_norm: 1.7665 2023-02-19 20:23:54,373 - mmseg - INFO - Iter [159650/160000] lr: 1.316e-07, eta: 0:02:08, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1046, decode.acc_seg: 95.4258, aux.loss_ce: 0.0651, aux.acc_seg: 93.1570, loss: 0.1697, grad_norm: 2.0271 2023-02-19 20:24:12,389 - mmseg - INFO - Iter [159700/160000] lr: 1.129e-07, eta: 0:01:50, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1056, decode.acc_seg: 95.3945, aux.loss_ce: 0.0668, aux.acc_seg: 93.0259, loss: 0.1724, grad_norm: 1.7535 2023-02-19 20:24:30,348 - mmseg - INFO - Iter [159750/160000] lr: 9.413e-08, eta: 0:01:32, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1135, decode.acc_seg: 95.0686, aux.loss_ce: 0.0688, aux.acc_seg: 92.7423, loss: 0.1824, grad_norm: 1.8639 2023-02-19 20:24:48,732 - mmseg - INFO - Iter [159800/160000] lr: 7.537e-08, eta: 0:01:13, time: 0.368, data_time: 0.007, memory: 20662, decode.loss_ce: 0.1113, decode.acc_seg: 95.1260, aux.loss_ce: 0.0668, aux.acc_seg: 92.8102, loss: 0.1781, grad_norm: 1.7930 2023-02-19 20:25:06,711 - mmseg - INFO - Iter [159850/160000] lr: 5.663e-08, eta: 0:00:55, time: 0.359, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1065, decode.acc_seg: 95.4021, aux.loss_ce: 0.0653, aux.acc_seg: 93.1858, loss: 0.1718, grad_norm: 1.8538 2023-02-19 20:25:24,756 - mmseg - INFO - Iter [159900/160000] lr: 3.787e-08, eta: 0:00:36, time: 0.361, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1022, decode.acc_seg: 95.4538, aux.loss_ce: 0.0628, aux.acc_seg: 93.1953, loss: 0.1650, grad_norm: 1.3711 2023-02-19 20:25:42,759 - mmseg - INFO - Iter [159950/160000] lr: 1.913e-08, eta: 0:00:18, time: 0.360, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1038, decode.acc_seg: 95.3368, aux.loss_ce: 0.0638, aux.acc_seg: 93.0224, loss: 0.1676, grad_norm: 1.7618 2023-02-19 20:26:00,820 - mmseg - INFO - Saving checkpoint at 160000 iterations 2023-02-19 20:26:02,612 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 20:26:02,613 - mmseg - INFO - Iter [160000/160000] lr: 3.750e-10, eta: 0:00:00, time: 0.397, data_time: 0.006, memory: 20662, decode.loss_ce: 0.1069, decode.acc_seg: 95.3036, aux.loss_ce: 0.0654, aux.acc_seg: 92.9475, loss: 0.1723, grad_norm: 1.5825 2023-02-19 20:26:30,324 - mmseg - INFO - per class results: 2023-02-19 20:26:30,329 - mmseg - INFO - +---------------------+-------+-------+ | Class | IoU | Acc | +---------------------+-------+-------+ | wall | 77.2 | 86.7 | | building | 82.01 | 92.79 | | sky | 94.06 | 97.77 | | floor | 80.94 | 91.47 | | tree | 74.61 | 87.82 | | ceiling | 82.77 | 94.16 | | road | 83.51 | 90.82 | | bed | 87.61 | 96.04 | | windowpane | 62.38 | 79.05 | | grass | 66.98 | 81.41 | | cabinet | 63.89 | 77.08 | | sidewalk | 65.5 | 81.19 | | person | 80.4 | 93.47 | | earth | 37.58 | 52.06 | | door | 52.18 | 68.88 | | table | 62.12 | 76.49 | | mountain | 53.89 | 66.73 | | plant | 51.87 | 61.76 | | curtain | 73.94 | 86.09 | | chair | 56.93 | 73.22 | | car | 84.29 | 91.87 | | water | 49.67 | 64.71 | | painting | 77.74 | 90.56 | | sofa | 64.25 | 78.59 | | shelf | 45.09 | 63.62 | | house | 41.64 | 50.59 | | sea | 54.01 | 75.3 | | mirror | 69.41 | 76.48 | | rug | 61.05 | 68.7 | | field | 30.91 | 46.49 | | armchair | 38.79 | 57.27 | | seat | 62.05 | 81.69 | | fence | 40.53 | 55.3 | | desk | 50.24 | 65.7 | | rock | 38.25 | 58.82 | | wardrobe | 50.88 | 62.95 | | lamp | 63.39 | 79.39 | | bathtub | 81.03 | 85.87 | | railing | 36.1 | 53.03 | | cushion | 56.21 | 73.64 | | base | 26.67 | 37.4 | | box | 23.23 | 28.14 | | column | 44.87 | 59.0 | | signboard | 37.0 | 50.69 | | chest of drawers | 37.47 | 55.62 | | counter | 28.03 | 41.07 | | sand | 47.44 | 63.92 | | sink | 75.11 | 81.78 | | skyscraper | 48.91 | 62.51 | | fireplace | 76.14 | 91.54 | | refrigerator | 78.31 | 85.05 | | grandstand | 39.35 | 63.52 | | path | 21.79 | 31.44 | | stairs | 29.64 | 36.66 | | runway | 68.18 | 88.75 | | case | 39.43 | 48.08 | | pool table | 93.39 | 96.4 | | pillow | 51.31 | 58.1 | | screen door | 70.2 | 81.88 | | stairway | 30.35 | 39.86 | | river | 8.0 | 20.8 | | bridge | 64.4 | 74.84 | | bookcase | 41.04 | 62.79 | | blind | 38.14 | 43.36 | | coffee table | 59.08 | 82.85 | | toilet | 86.49 | 92.49 | | flower | 35.54 | 53.76 | | book | 48.93 | 66.47 | | hill | 8.18 | 14.57 | | bench | 46.81 | 52.57 | | countertop | 45.97 | 71.19 | | stove | 78.44 | 84.37 | | palm | 52.08 | 79.58 | | kitchen island | 38.58 | 71.49 | | computer | 65.21 | 73.12 | | swivel chair | 45.56 | 61.96 | | boat | 42.99 | 48.41 | | bar | 23.63 | 28.61 | | arcade machine | 42.99 | 45.75 | | hovel | 33.99 | 35.4 | | bus | 89.76 | 96.58 | | towel | 65.74 | 77.05 | | light | 53.86 | 58.61 | | truck | 39.68 | 49.72 | | tower | 15.79 | 21.5 | | chandelier | 66.38 | 87.54 | | awning | 26.92 | 31.63 | | streetlight | 30.72 | 43.24 | | booth | 58.1 | 64.74 | | television receiver | 70.87 | 80.0 | | airplane | 57.37 | 65.55 | | dirt track | 6.93 | 11.82 | | apparel | 39.3 | 62.24 | | pole | 24.52 | 35.39 | | land | 4.62 | 6.23 | | bannister | 6.88 | 8.1 | | escalator | 35.09 | 37.62 | | ottoman | 47.79 | 60.72 | | bottle | 35.55 | 56.91 | | buffet | 34.98 | 43.15 | | poster | 28.48 | 37.58 | | stage | 15.58 | 25.49 | | van | 45.36 | 60.59 | | ship | 65.52 | 94.64 | | fountain | 36.96 | 38.46 | | conveyer belt | 79.55 | 84.38 | | canopy | 27.88 | 40.09 | | washer | 73.73 | 75.8 | | plaything | 28.46 | 41.87 | | swimming pool | 42.19 | 59.45 | | stool | 45.17 | 58.11 | | barrel | 47.77 | 74.27 | | basket | 28.37 | 44.95 | | waterfall | 60.5 | 75.53 | | tent | 96.59 | 97.79 | | bag | 11.78 | 14.01 | | minibike | 68.96 | 86.03 | | cradle | 76.83 | 98.25 | | oven | 59.38 | 78.6 | | ball | 41.31 | 56.88 | | food | 47.79 | 54.51 | | step | 15.1 | 18.66 | | tank | 45.9 | 51.66 | | trade name | 26.74 | 32.61 | | microwave | 79.65 | 85.81 | | pot | 45.86 | 57.61 | | animal | 55.06 | 57.07 | | bicycle | 59.32 | 79.21 | | lake | 29.39 | 31.63 | | dishwasher | 71.37 | 79.42 | | screen | 53.22 | 71.27 | | blanket | 9.94 | 11.81 | | sculpture | 65.53 | 80.52 | | hood | 66.65 | 73.6 | | sconce | 47.68 | 70.06 | | vase | 34.89 | 52.89 | | traffic light | 38.11 | 56.73 | | tray | 13.37 | 23.24 | | ashcan | 39.18 | 52.71 | | fan | 66.38 | 78.98 | | pier | 42.15 | 54.45 | | crt screen | 5.53 | 11.43 | | plate | 58.35 | 76.0 | | monitor | 38.19 | 52.82 | | bulletin board | 28.47 | 37.05 | | shower | 1.0 | 2.13 | | radiator | 57.63 | 63.85 | | glass | 12.98 | 14.15 | | clock | 41.13 | 58.88 | | flag | 47.09 | 55.49 | +---------------------+-------+-------+ 2023-02-19 20:26:30,330 - mmseg - INFO - Summary: 2023-02-19 20:26:30,330 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 82.9 | 49.29 | 61.13 | +------+-------+-------+ 2023-02-19 20:26:32,301 - mmseg - INFO - Now best checkpoint is saved as best_mIoU_iter_160000.pth. 2023-02-19 20:26:32,301 - mmseg - INFO - Best mIoU is 0.4929 at 160000 iter. 2023-02-19 20:26:32,302 - mmseg - INFO - Exp name: diffseg_swin_b_4x4_512x512_160k_ade20k_v20.py 2023-02-19 20:26:32,302 - mmseg - INFO - Iter(val) [500] aAcc: 0.8290, mIoU: 0.4929, mAcc: 0.6113, IoU.wall: 0.7720, IoU.building: 0.8201, IoU.sky: 0.9406, IoU.floor: 0.8094, IoU.tree: 0.7461, IoU.ceiling: 0.8277, IoU.road: 0.8351, IoU.bed : 0.8761, IoU.windowpane: 0.6238, IoU.grass: 0.6698, IoU.cabinet: 0.6389, IoU.sidewalk: 0.6550, IoU.person: 0.8040, IoU.earth: 0.3758, IoU.door: 0.5218, IoU.table: 0.6212, IoU.mountain: 0.5389, IoU.plant: 0.5187, IoU.curtain: 0.7394, IoU.chair: 0.5693, IoU.car: 0.8429, IoU.water: 0.4967, IoU.painting: 0.7774, IoU.sofa: 0.6425, IoU.shelf: 0.4509, IoU.house: 0.4164, IoU.sea: 0.5401, IoU.mirror: 0.6941, IoU.rug: 0.6105, IoU.field: 0.3091, IoU.armchair: 0.3879, IoU.seat: 0.6205, IoU.fence: 0.4053, IoU.desk: 0.5024, IoU.rock: 0.3825, IoU.wardrobe: 0.5088, IoU.lamp: 0.6339, IoU.bathtub: 0.8103, IoU.railing: 0.3610, IoU.cushion: 0.5621, IoU.base: 0.2667, IoU.box: 0.2323, IoU.column: 0.4487, IoU.signboard: 0.3700, IoU.chest of drawers: 0.3747, IoU.counter: 0.2803, IoU.sand: 0.4744, IoU.sink: 0.7511, IoU.skyscraper: 0.4891, IoU.fireplace: 0.7614, IoU.refrigerator: 0.7831, IoU.grandstand: 0.3935, IoU.path: 0.2179, IoU.stairs: 0.2964, IoU.runway: 0.6818, IoU.case: 0.3943, IoU.pool table: 0.9339, IoU.pillow: 0.5131, IoU.screen door: 0.7020, IoU.stairway: 0.3035, IoU.river: 0.0800, IoU.bridge: 0.6440, IoU.bookcase: 0.4104, IoU.blind: 0.3814, IoU.coffee table: 0.5908, IoU.toilet: 0.8649, IoU.flower: 0.3554, IoU.book: 0.4893, IoU.hill: 0.0818, IoU.bench: 0.4681, IoU.countertop: 0.4597, IoU.stove: 0.7844, IoU.palm: 0.5208, IoU.kitchen island: 0.3858, IoU.computer: 0.6521, IoU.swivel chair: 0.4556, IoU.boat: 0.4299, IoU.bar: 0.2363, IoU.arcade machine: 0.4299, IoU.hovel: 0.3399, IoU.bus: 0.8976, IoU.towel: 0.6574, IoU.light: 0.5386, IoU.truck: 0.3968, IoU.tower: 0.1579, IoU.chandelier: 0.6638, IoU.awning: 0.2692, IoU.streetlight: 0.3072, IoU.booth: 0.5810, IoU.television receiver: 0.7087, IoU.airplane: 0.5737, IoU.dirt track: 0.0693, IoU.apparel: 0.3930, IoU.pole: 0.2452, IoU.land: 0.0462, IoU.bannister: 0.0688, IoU.escalator: 0.3509, IoU.ottoman: 0.4779, IoU.bottle: 0.3555, IoU.buffet: 0.3498, IoU.poster: 0.2848, IoU.stage: 0.1558, IoU.van: 0.4536, IoU.ship: 0.6552, IoU.fountain: 0.3696, IoU.conveyer belt: 0.7955, IoU.canopy: 0.2788, IoU.washer: 0.7373, IoU.plaything: 0.2846, IoU.swimming pool: 0.4219, IoU.stool: 0.4517, IoU.barrel: 0.4777, IoU.basket: 0.2837, IoU.waterfall: 0.6050, IoU.tent: 0.9659, IoU.bag: 0.1178, IoU.minibike: 0.6896, IoU.cradle: 0.7683, IoU.oven: 0.5938, IoU.ball: 0.4131, IoU.food: 0.4779, IoU.step: 0.1510, IoU.tank: 0.4590, IoU.trade name: 0.2674, IoU.microwave: 0.7965, IoU.pot: 0.4586, IoU.animal: 0.5506, IoU.bicycle: 0.5932, IoU.lake: 0.2939, IoU.dishwasher: 0.7137, IoU.screen: 0.5322, IoU.blanket: 0.0994, IoU.sculpture: 0.6553, IoU.hood: 0.6665, IoU.sconce: 0.4768, IoU.vase: 0.3489, IoU.traffic light: 0.3811, IoU.tray: 0.1337, IoU.ashcan: 0.3918, IoU.fan: 0.6638, IoU.pier: 0.4215, IoU.crt screen: 0.0553, IoU.plate: 0.5835, IoU.monitor: 0.3819, IoU.bulletin board: 0.2847, IoU.shower: 0.0100, IoU.radiator: 0.5763, IoU.glass: 0.1298, IoU.clock: 0.4113, IoU.flag: 0.4709, Acc.wall: 0.8670, Acc.building: 0.9279, Acc.sky: 0.9777, Acc.floor: 0.9147, Acc.tree: 0.8782, Acc.ceiling: 0.9416, Acc.road: 0.9082, Acc.bed : 0.9604, Acc.windowpane: 0.7905, Acc.grass: 0.8141, Acc.cabinet: 0.7708, Acc.sidewalk: 0.8119, Acc.person: 0.9347, Acc.earth: 0.5206, Acc.door: 0.6888, Acc.table: 0.7649, Acc.mountain: 0.6673, Acc.plant: 0.6176, Acc.curtain: 0.8609, Acc.chair: 0.7322, Acc.car: 0.9187, Acc.water: 0.6471, Acc.painting: 0.9056, Acc.sofa: 0.7859, Acc.shelf: 0.6362, Acc.house: 0.5059, Acc.sea: 0.7530, Acc.mirror: 0.7648, Acc.rug: 0.6870, Acc.field: 0.4649, Acc.armchair: 0.5727, Acc.seat: 0.8169, Acc.fence: 0.5530, Acc.desk: 0.6570, Acc.rock: 0.5882, Acc.wardrobe: 0.6295, Acc.lamp: 0.7939, Acc.bathtub: 0.8587, Acc.railing: 0.5303, Acc.cushion: 0.7364, Acc.base: 0.3740, Acc.box: 0.2814, Acc.column: 0.5900, Acc.signboard: 0.5069, Acc.chest of drawers: 0.5562, Acc.counter: 0.4107, Acc.sand: 0.6392, Acc.sink: 0.8178, Acc.skyscraper: 0.6251, Acc.fireplace: 0.9154, Acc.refrigerator: 0.8505, Acc.grandstand: 0.6352, Acc.path: 0.3144, Acc.stairs: 0.3666, Acc.runway: 0.8875, Acc.case: 0.4808, Acc.pool table: 0.9640, Acc.pillow: 0.5810, Acc.screen door: 0.8188, Acc.stairway: 0.3986, Acc.river: 0.2080, Acc.bridge: 0.7484, Acc.bookcase: 0.6279, Acc.blind: 0.4336, Acc.coffee table: 0.8285, Acc.toilet: 0.9249, Acc.flower: 0.5376, Acc.book: 0.6647, Acc.hill: 0.1457, Acc.bench: 0.5257, Acc.countertop: 0.7119, Acc.stove: 0.8437, Acc.palm: 0.7958, Acc.kitchen island: 0.7149, Acc.computer: 0.7312, Acc.swivel chair: 0.6196, Acc.boat: 0.4841, Acc.bar: 0.2861, Acc.arcade machine: 0.4575, Acc.hovel: 0.3540, Acc.bus: 0.9658, Acc.towel: 0.7705, Acc.light: 0.5861, Acc.truck: 0.4972, Acc.tower: 0.2150, Acc.chandelier: 0.8754, Acc.awning: 0.3163, Acc.streetlight: 0.4324, Acc.booth: 0.6474, Acc.television receiver: 0.8000, Acc.airplane: 0.6555, Acc.dirt track: 0.1182, Acc.apparel: 0.6224, Acc.pole: 0.3539, Acc.land: 0.0623, Acc.bannister: 0.0810, Acc.escalator: 0.3762, Acc.ottoman: 0.6072, Acc.bottle: 0.5691, Acc.buffet: 0.4315, Acc.poster: 0.3758, Acc.stage: 0.2549, Acc.van: 0.6059, Acc.ship: 0.9464, Acc.fountain: 0.3846, Acc.conveyer belt: 0.8438, Acc.canopy: 0.4009, Acc.washer: 0.7580, Acc.plaything: 0.4187, Acc.swimming pool: 0.5945, Acc.stool: 0.5811, Acc.barrel: 0.7427, Acc.basket: 0.4495, Acc.waterfall: 0.7553, Acc.tent: 0.9779, Acc.bag: 0.1401, Acc.minibike: 0.8603, Acc.cradle: 0.9825, Acc.oven: 0.7860, Acc.ball: 0.5688, Acc.food: 0.5451, Acc.step: 0.1866, Acc.tank: 0.5166, Acc.trade name: 0.3261, Acc.microwave: 0.8581, Acc.pot: 0.5761, Acc.animal: 0.5707, Acc.bicycle: 0.7921, Acc.lake: 0.3163, Acc.dishwasher: 0.7942, Acc.screen: 0.7127, Acc.blanket: 0.1181, Acc.sculpture: 0.8052, Acc.hood: 0.7360, Acc.sconce: 0.7006, Acc.vase: 0.5289, Acc.traffic light: 0.5673, Acc.tray: 0.2324, Acc.ashcan: 0.5271, Acc.fan: 0.7898, Acc.pier: 0.5445, Acc.crt screen: 0.1143, Acc.plate: 0.7600, Acc.monitor: 0.5282, Acc.bulletin board: 0.3705, Acc.shower: 0.0213, Acc.radiator: 0.6385, Acc.glass: 0.1415, Acc.clock: 0.5888, Acc.flag: 0.5549