MMSegmentation for Remote sensing
a tutorial for using mmsegmentation for land cover classification tasks in remote sensing
• Bowen • 512 min read
- Install MMSegmentation
- Run Inference with MMSeg trained weight
- Train a semantic segmentation model on a new dataset
In this tutorial, we demo
- How to do inference with MMSeg trained weight
- How to train on your own dataset and visualize the results.
# Check nvcc version
!nvcc -V
# Check GCC version
!gcc --version
nvcc: NVIDIA (R) Cuda compiler driver Copyright (c) 2005-2019 NVIDIA Corporation Built on Sun_Jul_28_19:07:16_PDT_2019 Cuda compilation tools, release 10.1, V10.1.243 gcc (Ubuntu 7.5.0-3ubuntu1~16.04) 7.5.0 Copyright (C) 2017 Free Software Foundation, Inc. This is free software; see the source for copying conditions. There is NO warranty; not even for MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE.
# # Install PyTorch
# !pip install -U torch==1.5.0+cu101 torchvision==0.6.0+cu101 -f https://download.pytorch.org/whl/torch_stable.html
# # Install MMCV
# !pip install mmcv-full==latest+torch1.5.0+cu101 -f https://download.openmmlab.com/mmcv/dist/index.html
# !rm -rf mmsegmentation
# !git clone https://github.com/open-mmlab/mmsegmentation.git
# %cd mmsegmentation
# !pip install -e .
# Check Pytorch installation
import torch, torchvision
import os.path as osp
print(torch.__version__, torch.cuda.is_available())
# Check MMSegmentation installation
import mmseg
print(mmseg.__version__)
1.7.0 True 0.19.0
torch.cuda.empty_cache()
# !mkdir checkpoints
# !wget https://download.openmmlab.com/mmsegmentation/v0.5/pspnet/pspnet_r50-d8_512x1024_40k_cityscapes/pspnet_r50-d8_512x1024_40k_cityscapes_20200605_003338-2966598c.pth -P checkpoints
from mmseg.apis import inference_segmentor, init_segmentor, show_result_pyplot
from mmseg.core.evaluation import get_palette
config_file = '/home/ubuntu/sharedData/swp/dlLabSwp/favourite/swpFastTest/mmsegmentation/configs/pspnet/pspnet_r50-d8_512x1024_40k_cityscapes.py'
checkpoint_file = 'checkpoints/pspnet_r50-d8_512x1024_40k_cityscapes_20200605_003338-2966598c.pth'
# build the model from a config file and a checkpoint file
# model = init_segmentor(config_file, checkpoint_file, device='cuda:0')
# test a single image
img = '/home/ubuntu/sharedData/swp/dlLabSwp/favourite/swpFastTest/mmsegmentation/demo/demo.png'
# result = inference_segmentor(model, img)
# show the results
# show_result_pyplot(model, img, result, get_palette('cityscapes'))
Add a new dataset
Datasets in MMSegmentation require image and semantic segmentation maps to be placed in folders with the same perfix. To support a new dataset, we may need to modify the original file structure.
In this tutorial, we give an example of converting the dataset. You may refer to docs for details about dataset reorganization.
We use Standord Background Dataset as an example. The dataset contains 715 images chosen from existing public datasets LabelMe, MSRC, PASCAL VOC and Geometric Context. Images from these datasets are mainly outdoor scenes, each containing approximately 320-by-240 pixels. In this tutorial, we use the region annotations as labels. There are 8 classes in total, i.e. sky, tree, road, grass, water, building, mountain, and foreground object.
# download and unzip
# !wget http://dags.stanford.edu/data/iccv09Data.tar.gz -O standford_background.tar.gz
# !tar xf standford_background.tar.gz
# Let's take a look at the dataset
import mmcv
import matplotlib.pyplot as plt
from fastcore.basics import *
from fastai.vision.all import *
from fastai.torch_basics import *
import warnings
warnings.filterwarnings("ignore")
import kornia
from kornia.constants import Resample
from kornia.color import *
from kornia import augmentation as K
import kornia.augmentation as F
import kornia.augmentation.random_generator as rg
from torchvision.transforms import functional as tvF
from torchvision.transforms import transforms
from torchvision.transforms import PILToTensor
import matplotlib.pyplot as plt
import numpy as np
set_seed(105)
train_a_path = Path("/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/2_Ortho_RGB/")
label_a_path = Path("/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/5_labels_for_participants/")
dsm_path = Path("/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/1_dsm/1_DSM/")
ndsm_path = Path("/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/1_dsm_normalisation/1_DSM_normalisation/")
imgNames = get_image_files(train_a_path)
lblNames = get_image_files(label_a_path)
dsmNames = get_image_files(dsm_path)
# data
imgNames[0]= Path('/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/2_Ortho_RGB/top_potsdam_7_7_RGB.tif')
lblNames[0]= Path('/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/5_labels_for_participants/top_potsdam_7_7_label.tif')
dsmNames[0]=Path('/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/1_dsm/1_DSM/dsm_potsdam_02_11.tif')
img = mmcv.imread(imgNames[0],channel_order='rgb')
plt.figure(figsize=(8, 8))
plt.imshow(img)
plt.axis('off')
plt.show()
<Figure size 576x576 with 0 Axes>
<matplotlib.image.AxesImage at 0x7fc2cbee9730>
(-0.5, 5999.5, 5999.5, -0.5)
torch.cuda.empty_cache()
!nvidia-smi
Thu Nov 25 07:20:06 2021 +-----------------------------------------------------------------------------+ | NVIDIA-SMI 430.26 Driver Version: 430.26 CUDA Version: 10.2 | |-------------------------------+----------------------+----------------------+ | GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC | | Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. | |===============================+======================+======================| | 0 TITAN Xp Off | 00000000:05:00.0 Off | N/A | | 23% 38C P8 18W / 250W | 10MiB / 12194MiB | 0% Default | +-------------------------------+----------------------+----------------------+ | 1 TITAN Xp Off | 00000000:09:00.0 Off | N/A | | 23% 33C P8 9W / 250W | 10MiB / 12196MiB | 0% Default | +-------------------------------+----------------------+----------------------+ +-----------------------------------------------------------------------------+ | Processes: GPU Memory | | GPU PID Type Process name Usage | |=============================================================================| | No running processes found | +-----------------------------------------------------------------------------+
look at the annotations
to_tensor = transforms.ToTensor()
to_pil = transforms.ToPILImage()
rgbImage = Image.open(imgNames[0])
lblImage = Image.open(lblNames[0])
dsmImage = Image.open(dsmNames[0])
rgbTensor = image2tensor(rgbImage)
lblTensor = image2tensor(lblImage)
dsmTensor = image2tensor(dsmImage)
type(lblTensor)
rgbTensor.shape
lblTensor.shape
dsmTensor.shape
torch.unique(lblTensor)
lblTensor.shape
torch.Tensor
torch.Size([3, 6000, 6000])
torch.Size([1, 6000, 6000])
torch.Size([1, 6000, 6000])
tensor([0, 1, 2, 3, 4, 5], dtype=torch.uint8)
torch.Size([1, 6000, 6000])
# pay attention to the dimension, different software package will always leading to different dimensions of the image:
# PIL:(C,H,W)
# SKImage: (H,W,C)
rgbArray = to_np(rgbTensor).transpose(1,2,0)
lblArray = to_np(lblTensor).transpose(1,2,0)
dsmArray = to_np(dsmTensor).transpose(1,2,0)
np.unique(lblArray)
array([0, 1, 2, 3, 4, 5], dtype=uint8)
original image is composed of 0 and 255, we need to have a change, turn to the grad scale image with constant values
rgbArray.shape
type(rgbArray)
(6000, 6000, 3)
numpy.ndarray
palette = {0 : (255, 255, 255), # Impervious surfaces (white)
1 : (0, 0, 255), # Buildings (blue)
2 : (0, 255, 255), # Low vegetation (cyan)
3 : (0, 255, 0), # Trees (green)
4 : (255, 255, 0), # Cars (yellow)
5 : (255, 0, 0), # Clutter (red)
6 : (0, 0, 0)} # Undefined (black)
invert_palette = {v: k for k, v in palette.items()}
paletteValue = list(palette.values())
paletteValue
[(255, 255, 255), (0, 0, 255), (0, 255, 255), (0, 255, 0), (255, 255, 0), (255, 0, 0), (0, 0, 0)]
def convert_to_color(arr_2d, palette=palette):
""" Numeric labels to RGB-color encoding """
arr_3d = np.zeros((arr_2d.shape[0], arr_2d.shape[1], 3), dtype=np.uint8)
for c, i in palette.items():
m = arr_2d == c
arr_3d[m] = i
return arr_3d
# original label is RGB, we need to have a grayscale label
def convert_from_color(arr_3d, palette=invert_palette):
""" RGB-color encoding to grayscale labels """
arr_2d = np.zeros((arr_3d.shape[0], arr_3d.shape[1]), dtype=np.uint8)
for c, i in palette.items():
m = np.all(arr_3d == np.array(c).reshape(1, 1, 3), axis=2)
arr_2d[m] = i
return arr_2d
# np.unique(convert_from_color(lblArray))
transformedArray = convert_from_color(lblArray)
show_image(lblImage)
show_image(transformedArray,cmap='gray')
<AxesSubplot:>
<AxesSubplot:>
type(transformedArray)
numpy.ndarray
turn to the array to grayscale image, type is "P"
temp = Image.fromarray(transformedArray).convert('P')
temp.putpalette(np.array(paletteValue, dtype=np.uint8))
# same as the array has shown!
temp
type(temp)
# np.unique(temp)
PIL.Image.Image
lblNames[0].parent
Path('/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/5_labels_for_participants')
print(f'label shape using PIL to read is {lblImage.shape}')
label shape using PIL to read is (6000, 6000)
shapes are different, so this will decide how we will convert the RGB label to the grayscale label
lblNames[0]
Path('/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/5_labels_for_participants/top_potsdam_7_7_label.tif')
# turn the images in the annotations to grayscale
classes = ['Impervious surface','Buildings','Low vegetation','Trees','Cars','Clutter','Background']
def turnDataset2Gray():
for index in range(len(lblNames)):
temp = np.asarray(convert_from_color(io.imread(lblNames[index])),dtype='uint8')
io.imsave(lblNames[index].parent/f'{lblNames[index].stem}.tif',temp)
print(f'{lblNames[index].stem} saved')
# lblImage = Image.open(lblNames[index])
# lblTensor= image2tensor(lblImage)
# lblArray = to_np(lblTensor).transpose(1,2,0)
# transformedArray = convert_from_color(lblArray)
# temp = Image.fromarray(transformedArray).convert('P')
# temp.putpalette(np.array(paletteValue, dtype=np.uint8))
# temp.save(lblNames[index].parent/f'{lblNames[index].stem}.tif')
# turnDataset2Gray()
import numpy as np
from PIL import Image
# convert dataset annotation to semantic segmentation map
data_root = '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/'
img_dir = '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/2_Ortho_RGB/'
ann_dir = '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/5_labels_for_participants/'
split_dir = '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/splits/'
osp.join(data_root,ann_dir)
'/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/5_labels_for_participants/'
classes
['Impervious surface', 'Buildings', 'Low vegetation', 'Trees', 'Cars', 'Clutter', 'Background']
# Let's take a look at the segmentation map we got
import matplotlib.patches as mpatches
img = Image.open(lblNames[0])
img.shape
print(f'label image has {np.unique(np.array(img))} unique values')
print(f'label image converted to RGB has {np.unique(convert_to_color(np.array(img)))} unique values')
test = convert_to_color(np.array(img))
test.shape
plt.figure(figsize=(8, 6))
im = plt.imshow(convert_to_color(np.array(img)))
# create a patch (proxy artist) for every color
patches = [mpatches.Patch(color=np.array(paletteValue[i])/255.,
label=classes[i]) for i in range(7)]
# put those patched as legend-handles into the legend
plt.legend(handles=patches, bbox_to_anchor=(1.05, 1), loc=2, borderaxespad=0.,
fontsize='large')
plt.axis('off')
plt.show()
(6000, 6000)
label image has [0 1 2 3 4 5] unique values label image converted to RGB has [ 0 255] unique values
(6000, 6000, 3)
<Figure size 576x432 with 0 Axes>
<matplotlib.legend.Legend at 0x7fc2d0363520>
(-0.5, 5999.5, 5999.5, -0.5)
len(lblNames)
296
palette
{0: (255, 255, 255), 1: (0, 0, 255), 2: (0, 255, 255), 3: (0, 255, 0), 4: (255, 255, 0), 5: (255, 0, 0), 6: (0, 0, 0)}
paletteValue
[(255, 255, 255), (0, 0, 255), (0, 255, 255), (0, 255, 0), (255, 255, 0), (255, 0, 0), (0, 0, 0)]
classes
['Impervious surface', 'Buildings', 'Low vegetation', 'Trees', 'Cars', 'Clutter', 'Background']
from mmseg.datasets.builder import DATASETS
from mmseg.datasets.custom import CustomDataset
@DATASETS.register_module()
class IsprsDataset(CustomDataset):
CLASSES = classes
PALETTE = palette
def __init__(self, **kwargs):
super().__init__(img_suffix='RGB.tif', seg_map_suffix='label.tif',
**kwargs)
self.split = 'splits'
assert osp.exists(self.img_dir) and self.split is not None
from mmcv import Config
cfg = Config.fromfile('/home/ubuntu/sharedData/swp/dlLabSwp/favourite/swpFastTest/mmsegmentation/configs/pspnet/pspnet_r50-d8_512x1024_40k_cityscapes.py')
cfg
Config (path: /home/ubuntu/sharedData/swp/dlLabSwp/favourite/swpFastTest/mmsegmentation/configs/pspnet/pspnet_r50-d8_512x1024_40k_cityscapes.py): {'norm_cfg': {'type': 'SyncBN', 'requires_grad': True}, 'model': {'type': 'EncoderDecoder', 'pretrained': 'open-mmlab://resnet50_v1c', 'backbone': {'type': 'ResNetV1c', 'depth': 50, 'num_stages': 4, 'out_indices': (0, 1, 2, 3), 'dilations': (1, 1, 2, 4), 'strides': (1, 2, 1, 1), 'norm_cfg': {'type': 'SyncBN', 'requires_grad': True}, 'norm_eval': False, 'style': 'pytorch', 'contract_dilation': True}, 'decode_head': {'type': 'PSPHead', 'in_channels': 2048, 'in_index': 3, 'channels': 512, 'pool_scales': (1, 2, 3, 6), 'dropout_ratio': 0.1, 'num_classes': 19, 'norm_cfg': {'type': 'SyncBN', 'requires_grad': True}, 'align_corners': False, 'loss_decode': {'type': 'CrossEntropyLoss', 'use_sigmoid': False, 'loss_weight': 1.0}}, 'auxiliary_head': {'type': 'FCNHead', 'in_channels': 1024, 'in_index': 2, 'channels': 256, 'num_convs': 1, 'concat_input': False, 'dropout_ratio': 0.1, 'num_classes': 19, 'norm_cfg': {'type': 'SyncBN', 'requires_grad': True}, 'align_corners': False, 'loss_decode': {'type': 'CrossEntropyLoss', 'use_sigmoid': False, 'loss_weight': 0.4}}, 'train_cfg': {}, 'test_cfg': {'mode': 'whole'}}, 'dataset_type': 'CityscapesDataset', 'data_root': 'data/cityscapes/', 'img_norm_cfg': {'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, 'crop_size': (512, 1024), 'train_pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'LoadAnnotations'}, {'type': 'Resize', 'img_scale': (2048, 1024), 'ratio_range': (0.5, 2.0)}, {'type': 'RandomCrop', 'crop_size': (512, 1024), 'cat_max_ratio': 0.75}, {'type': 'RandomFlip', 'prob': 0.5}, {'type': 'PhotoMetricDistortion'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'Pad', 'size': (512, 1024), 'pad_val': 0, 'seg_pad_val': 255}, {'type': 'DefaultFormatBundle'}, {'type': 'Collect', 'keys': ['img', 'gt_semantic_seg']}], 'test_pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'MultiScaleFlipAug', 'img_scale': (2048, 1024), 'flip': False, 'transforms': [{'type': 'Resize', 'keep_ratio': True}, {'type': 'RandomFlip'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'ImageToTensor', 'keys': ['img']}, {'type': 'Collect', 'keys': ['img']}]}], 'data': {'samples_per_gpu': 2, 'workers_per_gpu': 2, 'train': {'type': 'CityscapesDataset', 'data_root': 'data/cityscapes/', 'img_dir': 'leftImg8bit/train', 'ann_dir': 'gtFine/train', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'LoadAnnotations'}, {'type': 'Resize', 'img_scale': (2048, 1024), 'ratio_range': (0.5, 2.0)}, {'type': 'RandomCrop', 'crop_size': (512, 1024), 'cat_max_ratio': 0.75}, {'type': 'RandomFlip', 'prob': 0.5}, {'type': 'PhotoMetricDistortion'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'Pad', 'size': (512, 1024), 'pad_val': 0, 'seg_pad_val': 255}, {'type': 'DefaultFormatBundle'}, {'type': 'Collect', 'keys': ['img', 'gt_semantic_seg']}]}, 'val': {'type': 'CityscapesDataset', 'data_root': 'data/cityscapes/', 'img_dir': 'leftImg8bit/val', 'ann_dir': 'gtFine/val', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'MultiScaleFlipAug', 'img_scale': (2048, 1024), 'flip': False, 'transforms': [{'type': 'Resize', 'keep_ratio': True}, {'type': 'RandomFlip'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'ImageToTensor', 'keys': ['img']}, {'type': 'Collect', 'keys': ['img']}]}]}, 'test': {'type': 'CityscapesDataset', 'data_root': 'data/cityscapes/', 'img_dir': 'leftImg8bit/val', 'ann_dir': 'gtFine/val', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'MultiScaleFlipAug', 'img_scale': (2048, 1024), 'flip': False, 'transforms': [{'type': 'Resize', 'keep_ratio': True}, {'type': 'RandomFlip'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'ImageToTensor', 'keys': ['img']}, {'type': 'Collect', 'keys': ['img']}]}]}}, 'log_config': {'interval': 50, 'hooks': [{'type': 'TextLoggerHook', 'by_epoch': False}]}, 'dist_params': {'backend': 'nccl'}, 'log_level': 'INFO', 'load_from': None, 'resume_from': None, 'workflow': [('train', 1)], 'cudnn_benchmark': True, 'optimizer': {'type': 'SGD', 'lr': 0.01, 'momentum': 0.9, 'weight_decay': 0.0005}, 'optimizer_config': {}, 'lr_config': {'policy': 'poly', 'power': 0.9, 'min_lr': 0.0001, 'by_epoch': False}, 'runner': {'type': 'IterBasedRunner', 'max_iters': 40000}, 'checkpoint_config': {'by_epoch': False, 'interval': 4000}, 'evaluation': {'interval': 4000, 'metric': 'mIoU', 'pre_eval': True}}
Since the given config is used to train PSPNet on cityscapes dataset, we need to modify it accordingly for our new dataset.
data_root
'/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/'
from mmseg.apis import set_random_seed
# Since we use ony one GPU, BN is used instead of SyncBN
cfg.norm_cfg = dict(type='BN', requires_grad=True)
cfg.model.backbone.norm_cfg = cfg.norm_cfg
cfg.model.decode_head.norm_cfg = cfg.norm_cfg
cfg.model.auxiliary_head.norm_cfg = cfg.norm_cfg
# modify num classes of the model in decode/auxiliary head
cfg.model.decode_head.num_classes = 7
cfg.model.auxiliary_head.num_classes = 7
# Modify dataset type and path
cfg.dataset_type = 'IsprsDataset'
cfg.data_root = data_root
cfg.img_norm_cfg = dict(
mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True)
cfg.crop_size = (512, 512)
cfg.train_pipeline = [
dict(type='LoadImageFromFile'),
dict(type='LoadAnnotations'),
# dict(type='Resize', img_scale=(6000, 6000), ratio_range=(0.5, 2.0)),
dict(type='RandomCrop', crop_size=cfg.crop_size, cat_max_ratio=0.45),
dict(type='RandomFlip', flip_ratio=0.5),
dict(type='PhotoMetricDistortion'),
dict(type='Normalize', **cfg.img_norm_cfg),
dict(type='Pad', size=cfg.crop_size, pad_val=0, seg_pad_val=255),
dict(type='DefaultFormatBundle'),
dict(type='Collect', keys=['img', 'gt_semantic_seg']),
]
cfg.test_pipeline = [
dict(type='LoadImageFromFile'),
# dict(type='RandomCrop', crop_size=cfg.crop_size, cat_max_ratio=0.45),
dict(
type='MultiScaleFlipAug',
img_scale=(512, 512),
img_ratios=[0.5, 0.75, 1.0, 1.25, 1.5, 1.75],
flip=False,
transforms=[
# dict(type='RandomCrop', crop_size=cfg.crop_size, cat_max_ratio=0.45),
dict(type='Resize', keep_ratio=True),
dict(type='RandomFlip'),
dict(type='Normalize', **cfg.img_norm_cfg),
dict(type='ImageToTensor', keys=['img']),
dict(type='Collect', keys=['img']),
])
]
# change the data to repeatDataset
cfg.data = dict(
samples_per_gpu=4,
workers_per_gpu=4,
train=dict(
type='RepeatDataset',
times=100,
dataset=dict(
type=cfg.dataset_type,
data_root=cfg.data_root,
img_dir='2_Ortho_RGB/training',
ann_dir='5_labels_for_participants/training',
pipeline=cfg.train_pipeline
)),
val=dict(
type=cfg.dataset_type,
data_root=cfg.data_root,
img_dir='2_Ortho_RGB/validation',
ann_dir='5_labels_for_participants/validation',
pipeline=cfg.test_pipeline
),
test=dict(
type=cfg.dataset_type,
data_root=cfg.data_root,
img_dir='2_Ortho_RGB/validation',
ann_dir='5_labels_for_participants/validation',
pipeline=cfg.test_pipeline
)
)
# We can still use the pre-trained Mask RCNN model though we do not need to
# use the mask branch
cfg.load_from = './checkpoints/pspnet_r50-d8_512x1024_40k_cityscapes_20200605_003338-2966598c.pth'
# Set up working dir to save files and logs.
cfg.work_dir = './work_dirs/tutorial'
cfg.runner = dict(type='EpochBasedRunner', max_epochs=200)
# cfg.runner.max_iters = 200
# cfg.log_config.interval = 10
# cfg.evaluation.interval = 200
# cfg.checkpoint_config.interval = 200
cfg.evaluation.interval = 1
cfg.checkpoint_config.interval = 800
cfg.log_config = dict(
interval=90, hooks=[dict(type='TextLoggerHook', by_epoch=True)])
# Set seed to facitate reproducing the result
cfg.seed = 0
set_random_seed(0, deterministic=False)
cfg.gpu_ids = range(1)
# Let's have a look at the final config used for training
print(f'Config:\n{cfg.pretty_text}')
Config: norm_cfg = dict(type='BN', requires_grad=True) model = dict( type='EncoderDecoder', pretrained='open-mmlab://resnet50_v1c', backbone=dict( type='ResNetV1c', depth=50, num_stages=4, out_indices=(0, 1, 2, 3), dilations=(1, 1, 2, 4), strides=(1, 2, 1, 1), norm_cfg=dict(type='BN', requires_grad=True), norm_eval=False, style='pytorch', contract_dilation=True), decode_head=dict( type='PSPHead', in_channels=2048, in_index=3, channels=512, pool_scales=(1, 2, 3, 6), dropout_ratio=0.1, num_classes=7, norm_cfg=dict(type='BN', requires_grad=True), align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=1.0)), auxiliary_head=dict( type='FCNHead', in_channels=1024, in_index=2, channels=256, num_convs=1, concat_input=False, dropout_ratio=0.1, num_classes=7, norm_cfg=dict(type='BN', requires_grad=True), align_corners=False, loss_decode=dict( type='CrossEntropyLoss', use_sigmoid=False, loss_weight=0.4)), train_cfg=dict(), test_cfg=dict(mode='whole')) dataset_type = 'IsprsDataset' data_root = '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/' 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'), dict(type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.45), dict(type='RandomFlip', flip_ratio=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=(512, 512), img_ratios=[0.5, 0.75, 1.0, 1.25, 1.5, 1.75], 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='RepeatDataset', times=100, dataset=dict( type='IsprsDataset', data_root= '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', img_dir='2_Ortho_RGB/training', ann_dir='5_labels_for_participants/training', pipeline=[ dict(type='LoadImageFromFile'), dict(type='LoadAnnotations'), dict( type='RandomCrop', crop_size=(512, 512), cat_max_ratio=0.45), dict(type='RandomFlip', flip_ratio=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='IsprsDataset', data_root= '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', img_dir='2_Ortho_RGB/validation', ann_dir='5_labels_for_participants/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(512, 512), img_ratios=[0.5, 0.75, 1.0, 1.25, 1.5, 1.75], 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='IsprsDataset', data_root= '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', img_dir='2_Ortho_RGB/validation', ann_dir='5_labels_for_participants/validation', pipeline=[ dict(type='LoadImageFromFile'), dict( type='MultiScaleFlipAug', img_scale=(512, 512), img_ratios=[0.5, 0.75, 1.0, 1.25, 1.5, 1.75], 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=90, hooks=[dict(type='TextLoggerHook', by_epoch=True)]) dist_params = dict(backend='nccl') log_level = 'INFO' load_from = './checkpoints/pspnet_r50-d8_512x1024_40k_cityscapes_20200605_003338-2966598c.pth' resume_from = None workflow = [('train', 1)] cudnn_benchmark = True optimizer = dict(type='SGD', lr=0.01, momentum=0.9, weight_decay=0.0005) optimizer_config = dict() lr_config = dict(policy='poly', power=0.9, min_lr=0.0001, by_epoch=False) runner = dict(type='EpochBasedRunner', max_epochs=200) checkpoint_config = dict(by_epoch=False, interval=800) evaluation = dict(interval=1, metric='mIoU', pre_eval=True) work_dir = './work_dirs/tutorial' seed = 0 gpu_ids = range(0, 1)
cfg.data.train
{'type': 'RepeatDataset', 'times': 100, 'dataset': {'type': 'IsprsDataset', 'data_root': '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', 'img_dir': '2_Ortho_RGB/training', 'ann_dir': '5_labels_for_participants/training', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'LoadAnnotations'}, {'type': 'RandomCrop', 'crop_size': (512, 512), 'cat_max_ratio': 0.45}, {'type': 'RandomFlip', 'flip_ratio': 0.5}, {'type': 'PhotoMetricDistortion'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'Pad', 'size': (512, 512), 'pad_val': 0, 'seg_pad_val': 255}, {'type': 'DefaultFormatBundle'}, {'type': 'Collect', 'keys': ['img', 'gt_semantic_seg']}]}}
cfg
Config (path: /home/ubuntu/sharedData/swp/dlLabSwp/favourite/swpFastTest/mmsegmentation/configs/pspnet/pspnet_r50-d8_512x1024_40k_cityscapes.py): {'norm_cfg': {'type': 'BN', 'requires_grad': True}, 'model': {'type': 'EncoderDecoder', 'pretrained': 'open-mmlab://resnet50_v1c', 'backbone': {'type': 'ResNetV1c', 'depth': 50, 'num_stages': 4, 'out_indices': (0, 1, 2, 3), 'dilations': (1, 1, 2, 4), 'strides': (1, 2, 1, 1), 'norm_cfg': {'type': 'BN', 'requires_grad': True}, 'norm_eval': False, 'style': 'pytorch', 'contract_dilation': True}, 'decode_head': {'type': 'PSPHead', 'in_channels': 2048, 'in_index': 3, 'channels': 512, 'pool_scales': (1, 2, 3, 6), 'dropout_ratio': 0.1, 'num_classes': 7, 'norm_cfg': {'type': 'BN', 'requires_grad': True}, 'align_corners': False, 'loss_decode': {'type': 'CrossEntropyLoss', 'use_sigmoid': False, 'loss_weight': 1.0}}, 'auxiliary_head': {'type': 'FCNHead', 'in_channels': 1024, 'in_index': 2, 'channels': 256, 'num_convs': 1, 'concat_input': False, 'dropout_ratio': 0.1, 'num_classes': 7, 'norm_cfg': {'type': 'BN', 'requires_grad': True}, 'align_corners': False, 'loss_decode': {'type': 'CrossEntropyLoss', 'use_sigmoid': False, 'loss_weight': 0.4}}, 'train_cfg': {}, 'test_cfg': {'mode': 'whole'}}, 'dataset_type': 'IsprsDataset', 'data_root': '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', 'img_norm_cfg': {'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, 'crop_size': (512, 512), 'train_pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'LoadAnnotations'}, {'type': 'RandomCrop', 'crop_size': (512, 512), 'cat_max_ratio': 0.45}, {'type': 'RandomFlip', 'flip_ratio': 0.5}, {'type': 'PhotoMetricDistortion'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'Pad', 'size': (512, 512), 'pad_val': 0, 'seg_pad_val': 255}, {'type': 'DefaultFormatBundle'}, {'type': 'Collect', 'keys': ['img', 'gt_semantic_seg']}], 'test_pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'MultiScaleFlipAug', 'img_scale': (512, 512), 'img_ratios': [0.5, 0.75, 1.0, 1.25, 1.5, 1.75], 'flip': False, 'transforms': [{'type': 'Resize', 'keep_ratio': True}, {'type': 'RandomFlip'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'ImageToTensor', 'keys': ['img']}, {'type': 'Collect', 'keys': ['img']}]}], 'data': {'samples_per_gpu': 4, 'workers_per_gpu': 4, 'train': {'type': 'RepeatDataset', 'times': 100, 'dataset': {'type': 'IsprsDataset', 'data_root': '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', 'img_dir': '2_Ortho_RGB/training', 'ann_dir': '5_labels_for_participants/training', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'LoadAnnotations'}, {'type': 'RandomCrop', 'crop_size': (512, 512), 'cat_max_ratio': 0.45}, {'type': 'RandomFlip', 'flip_ratio': 0.5}, {'type': 'PhotoMetricDistortion'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'Pad', 'size': (512, 512), 'pad_val': 0, 'seg_pad_val': 255}, {'type': 'DefaultFormatBundle'}, {'type': 'Collect', 'keys': ['img', 'gt_semantic_seg']}]}}, 'val': {'type': 'IsprsDataset', 'data_root': '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', 'img_dir': '2_Ortho_RGB/validation', 'ann_dir': '5_labels_for_participants/validation', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'MultiScaleFlipAug', 'img_scale': (512, 512), 'img_ratios': [0.5, 0.75, 1.0, 1.25, 1.5, 1.75], 'flip': False, 'transforms': [{'type': 'Resize', 'keep_ratio': True}, {'type': 'RandomFlip'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'ImageToTensor', 'keys': ['img']}, {'type': 'Collect', 'keys': ['img']}]}]}, 'test': {'type': 'IsprsDataset', 'data_root': '/home/ubuntu/sharedData/swp/dlLab/fastaiRepository/fastai/data/rsData/kaggleOriginal/Potsdam/', 'img_dir': '2_Ortho_RGB/validation', 'ann_dir': '5_labels_for_participants/validation', 'pipeline': [{'type': 'LoadImageFromFile'}, {'type': 'MultiScaleFlipAug', 'img_scale': (512, 512), 'img_ratios': [0.5, 0.75, 1.0, 1.25, 1.5, 1.75], 'flip': False, 'transforms': [{'type': 'Resize', 'keep_ratio': True}, {'type': 'RandomFlip'}, {'type': 'Normalize', 'mean': [123.675, 116.28, 103.53], 'std': [58.395, 57.12, 57.375], 'to_rgb': True}, {'type': 'ImageToTensor', 'keys': ['img']}, {'type': 'Collect', 'keys': ['img']}]}]}}, 'log_config': {'interval': 90, 'hooks': [{'type': 'TextLoggerHook', 'by_epoch': True}]}, 'dist_params': {'backend': 'nccl'}, 'log_level': 'INFO', 'load_from': './checkpoints/pspnet_r50-d8_512x1024_40k_cityscapes_20200605_003338-2966598c.pth', 'resume_from': None, 'workflow': [('train', 1)], 'cudnn_benchmark': True, 'optimizer': {'type': 'SGD', 'lr': 0.01, 'momentum': 0.9, 'weight_decay': 0.0005}, 'optimizer_config': {}, 'lr_config': {'policy': 'poly', 'power': 0.9, 'min_lr': 0.0001, 'by_epoch': False}, 'runner': {'type': 'EpochBasedRunner', 'max_epochs': 200}, 'checkpoint_config': {'by_epoch': False, 'interval': 800}, 'evaluation': {'interval': 1, 'metric': 'mIoU', 'pre_eval': True}, 'work_dir': './work_dirs/tutorial', 'seed': 0, 'gpu_ids': range(0, 1)}
from mmseg.datasets import build_dataset
from mmseg.models import build_segmentor
from mmseg.apis import train_segmentor
# Build the dataset
datasets = [build_dataset(cfg.data.train)]
# Build the detector
model = build_segmentor(
cfg.model, train_cfg=cfg.get('train_cfg'), test_cfg=cfg.get('test_cfg'))
# Add an attribute for visualization convenience
model.CLASSES = datasets[0].CLASSES
2021-11-25 07:20:27,123 - mmseg - INFO - Loaded 18 images
type(model)
mmseg.models.segmentors.encoder_decoder.EncoderDecoder
# Create work_dir
mmcv.mkdir_or_exist(osp.abspath(cfg.work_dir))
train_segmentor(model, datasets, cfg, distributed=False, validate=True,
meta=dict())
2021-11-25 07:20:29,987 - mmseg - INFO - Loaded 255 images 2021-11-25 07:20:29,988 - mmseg - INFO - load checkpoint from ./checkpoints/pspnet_r50-d8_512x1024_40k_cityscapes_20200605_003338-2966598c.pth 2021-11-25 07:20:29,989 - mmseg - INFO - Use load_from_local loader 2021-11-25 07:20:30,110 - mmseg - WARNING - The model and loaded state dict do not match exactly size mismatch for decode_head.conv_seg.weight: copying a param with shape torch.Size([19, 512, 1, 1]) from checkpoint, the shape in current model is torch.Size([7, 512, 1, 1]). size mismatch for decode_head.conv_seg.bias: copying a param with shape torch.Size([19]) from checkpoint, the shape in current model is torch.Size([7]). size mismatch for auxiliary_head.conv_seg.weight: copying a param with shape torch.Size([19, 256, 1, 1]) from checkpoint, the shape in current model is torch.Size([7, 256, 1, 1]). size mismatch for auxiliary_head.conv_seg.bias: copying a param with shape torch.Size([19]) from checkpoint, the shape in current model is torch.Size([7]). 2021-11-25 07:20:30,115 - mmseg - INFO - Start running, host: ubuntu@3a26d25f88f6, work_dir: /home/ubuntu/sharedData/swp/dlLabSwp/blog/myBlog/_notebooks/work_dirs/tutorial 2021-11-25 07:20:30,116 - mmseg - INFO - Hooks will be executed in the following order: before_run: (VERY_HIGH ) PolyLrUpdaterHook (NORMAL ) CheckpointHook (LOW ) EvalHook (VERY_LOW ) TextLoggerHook -------------------- before_train_epoch: (VERY_HIGH ) PolyLrUpdaterHook (LOW ) IterTimerHook (LOW ) EvalHook (VERY_LOW ) TextLoggerHook -------------------- before_train_iter: (VERY_HIGH ) PolyLrUpdaterHook (LOW ) IterTimerHook (LOW ) EvalHook -------------------- after_train_iter: (ABOVE_NORMAL) OptimizerHook (NORMAL ) CheckpointHook (LOW ) IterTimerHook (LOW ) EvalHook (VERY_LOW ) TextLoggerHook -------------------- after_train_epoch: (NORMAL ) CheckpointHook (LOW ) EvalHook (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 -------------------- 2021-11-25 07:20:30,125 - mmseg - INFO - workflow: [('train', 1)], max: 200 epochs /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:21:35,180 - mmseg - INFO - Epoch [1][90/450] lr: 9.991e-03, eta: 18:02:16, time: 0.722, data_time: 0.042, memory: 7603, decode.loss_ce: 1.0712, decode.acc_seg: 62.1146, aux.loss_ce: 0.4673, aux.acc_seg: 58.9148, loss: 1.5385 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:22:33,307 - mmseg - INFO - Epoch [1][180/450] lr: 9.982e-03, eta: 17:04:00, time: 0.646, data_time: 0.003, memory: 7603, decode.loss_ce: 0.8170, decode.acc_seg: 70.6126, aux.loss_ce: 0.3496, aux.acc_seg: 69.3008, loss: 1.1665 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:23:31,663 - mmseg - INFO - Epoch [1][270/450] lr: 9.973e-03, eta: 16:45:12, time: 0.648, data_time: 0.003, memory: 7603, decode.loss_ce: 0.6983, decode.acc_seg: 75.0388, aux.loss_ce: 0.3033, aux.acc_seg: 73.2817, loss: 1.0015 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:24:30,649 - mmseg - INFO - Epoch [1][360/450] lr: 9.964e-03, eta: 16:37:56, time: 0.655, data_time: 0.003, memory: 7603, decode.loss_ce: 0.6592, decode.acc_seg: 76.3344, aux.loss_ce: 0.2868, aux.acc_seg: 74.6073, loss: 0.9460 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:25:29,737 - mmseg - INFO - Epoch [1][450/450] lr: 9.956e-03, eta: 16:33:31, time: 0.656, data_time: 0.003, memory: 7603, decode.loss_ce: 0.6370, decode.acc_seg: 77.5461, aux.loss_ce: 0.2789, aux.acc_seg: 75.6568, loss: 0.9160
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 1008s, ETA: 0s
2021-11-25 07:42:17,893 - mmseg - INFO - per class results: 2021-11-25 07:42:17,894 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 4.56 | 4.6 | | Buildings | 6.19 | 7.12 | | Low vegetation | 48.38 | 55.43 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.49 | 87.37 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 07:42:17,895 - mmseg - INFO - Summary: 2021-11-25 07:42:17,895 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 16.21 | 10.44 | 25.75 | +-------+-------+-------+ 2021-11-25 07:42:17,896 - mmseg - INFO - Epoch(val) [1][255] aAcc: 0.1621, mIoU: 0.1044, mAcc: 0.2575, IoU.Impervious surface: 0.0456, IoU.Buildings: 0.0619, IoU.Low vegetation: 0.4838, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0349, IoU.Background: nan, Acc.Impervious surface: 0.0460, Acc.Buildings: 0.0712, Acc.Low vegetation: 0.5543, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8737, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:43:19,536 - mmseg - INFO - Epoch [2][90/450] lr: 9.947e-03, eta: 16:37:08, time: 0.684, data_time: 0.042, memory: 7603, decode.loss_ce: 0.5669, decode.acc_seg: 79.6583, aux.loss_ce: 0.2528, aux.acc_seg: 77.7080, loss: 0.8198 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:44:18,423 - mmseg - INFO - Epoch [2][180/450] lr: 9.938e-03, eta: 16:33:02, time: 0.654, data_time: 0.003, memory: 7603, decode.loss_ce: 0.5781, decode.acc_seg: 79.1762, aux.loss_ce: 0.2569, aux.acc_seg: 77.1837, loss: 0.8349 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:45:17,557 - mmseg - INFO - Epoch [2][270/450] lr: 9.929e-03, eta: 16:30:15, time: 0.657, data_time: 0.003, memory: 7603, decode.loss_ce: 0.5597, decode.acc_seg: 79.5922, aux.loss_ce: 0.2497, aux.acc_seg: 77.6859, loss: 0.8094 2021-11-25 07:46:10,288 - mmseg - INFO - Saving checkpoint at 800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:46:20,230 - mmseg - INFO - Epoch [2][360/450] lr: 9.920e-03, eta: 16:34:21, time: 0.696, data_time: 0.003, memory: 7603, decode.loss_ce: 0.5047, decode.acc_seg: 81.7269, aux.loss_ce: 0.2278, aux.acc_seg: 79.5494, loss: 0.7325 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 07:47:19,526 - mmseg - INFO - Epoch [2][450/450] lr: 9.911e-03, eta: 16:31:51, time: 0.659, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4897, decode.acc_seg: 82.0476, aux.loss_ce: 0.2205, aux.acc_seg: 80.0745, loss: 0.7101
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 871s, ETA: 0s
2021-11-25 08:01:51,099 - mmseg - INFO - per class results: 2021-11-25 08:01:51,100 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.97 | 11.28 | | Buildings | 36.27 | 55.12 | | Low vegetation | 32.39 | 37.55 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.07 | 69.82 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 08:01:51,101 - mmseg - INFO - Summary: 2021-11-25 08:01:51,101 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 29.9 | 13.78 | 28.96 | +------+-------+-------+ 2021-11-25 08:01:51,103 - mmseg - INFO - Epoch(val) [2][255] aAcc: 0.2990, mIoU: 0.1378, mAcc: 0.2896, IoU.Impervious surface: 0.1097, IoU.Buildings: 0.3627, IoU.Low vegetation: 0.3239, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0307, IoU.Background: nan, Acc.Impervious surface: 0.1128, Acc.Buildings: 0.5512, Acc.Low vegetation: 0.3755, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.6982, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:02:52,903 - mmseg - INFO - Epoch [3][90/450] lr: 9.902e-03, eta: 16:33:17, time: 0.686, data_time: 0.042, memory: 7603, decode.loss_ce: 0.5552, decode.acc_seg: 79.9243, aux.loss_ce: 0.2500, aux.acc_seg: 78.0673, loss: 0.8053 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:03:51,842 - mmseg - INFO - Epoch [3][180/450] lr: 9.893e-03, eta: 16:30:28, time: 0.655, data_time: 0.003, memory: 7603, decode.loss_ce: 0.5174, decode.acc_seg: 81.1654, aux.loss_ce: 0.2307, aux.acc_seg: 79.3683, loss: 0.7481 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:04:51,265 - mmseg - INFO - Epoch [3][270/450] lr: 9.884e-03, eta: 16:28:32, time: 0.660, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4541, decode.acc_seg: 83.4478, aux.loss_ce: 0.2066, aux.acc_seg: 81.5367, loss: 0.6607 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:05:50,692 - mmseg - INFO - Epoch [3][360/450] lr: 9.875e-03, eta: 16:26:45, time: 0.660, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4549, decode.acc_seg: 83.6564, aux.loss_ce: 0.2031, aux.acc_seg: 81.9106, loss: 0.6580 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:06:50,311 - mmseg - INFO - Epoch [3][450/450] lr: 9.866e-03, eta: 16:25:17, time: 0.662, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4616, decode.acc_seg: 83.3123, aux.loss_ce: 0.2084, aux.acc_seg: 81.4651, loss: 0.6701
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 828s, ETA: 0s
2021-11-25 08:20:38,571 - mmseg - INFO - per class results: 2021-11-25 08:20:38,572 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.7 | 11.05 | | Buildings | 13.95 | 18.84 | | Low vegetation | 3.78 | 3.93 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.53 | 89.79 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 08:20:38,573 - mmseg - INFO - Summary: 2021-11-25 08:20:38,574 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 11.92 | 4.99 | 20.6 | +-------+------+------+ 2021-11-25 08:20:38,575 - mmseg - INFO - Epoch(val) [3][255] aAcc: 0.1192, mIoU: 0.0499, mAcc: 0.2060, IoU.Impervious surface: 0.0870, IoU.Buildings: 0.1395, IoU.Low vegetation: 0.0378, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0353, IoU.Background: nan, Acc.Impervious surface: 0.1105, Acc.Buildings: 0.1884, Acc.Low vegetation: 0.0393, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8979, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:21:40,397 - mmseg - INFO - Epoch [4][90/450] lr: 9.857e-03, eta: 16:26:04, time: 0.686, data_time: 0.043, memory: 7603, decode.loss_ce: 0.4568, decode.acc_seg: 83.5926, aux.loss_ce: 0.2049, aux.acc_seg: 81.8774, loss: 0.6617 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:22:39,394 - mmseg - INFO - Epoch [4][180/450] lr: 9.848e-03, eta: 16:23:59, time: 0.656, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4156, decode.acc_seg: 84.9214, aux.loss_ce: 0.1904, aux.acc_seg: 82.9777, loss: 0.6060 2021-11-25 08:23:25,414 - mmseg - INFO - Saving checkpoint at 1600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:23:41,218 - mmseg - INFO - Epoch [4][270/450] lr: 9.840e-03, eta: 16:24:35, time: 0.687, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4378, decode.acc_seg: 84.0178, aux.loss_ce: 0.2046, aux.acc_seg: 81.5142, loss: 0.6424 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:24:40,672 - mmseg - INFO - Epoch [4][360/450] lr: 9.831e-03, eta: 16:22:58, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4556, decode.acc_seg: 83.6867, aux.loss_ce: 0.2063, aux.acc_seg: 81.7279, loss: 0.6619 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:25:40,232 - mmseg - INFO - Epoch [4][450/450] lr: 9.822e-03, eta: 16:21:30, time: 0.662, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4505, decode.acc_seg: 83.5123, aux.loss_ce: 0.2042, aux.acc_seg: 81.4684, loss: 0.6547
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 903s, ETA: 0s
2021-11-25 08:40:43,501 - mmseg - INFO - per class results: 2021-11-25 08:40:43,502 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 28.19 | 43.28 | | Buildings | 60.57 | 92.73 | | Low vegetation | 1.3 | 1.32 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 1.87 | 4.43 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 08:40:43,503 - mmseg - INFO - Summary: 2021-11-25 08:40:43,503 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 44.13 | 15.32 | 23.63 | +-------+-------+-------+ 2021-11-25 08:40:43,505 - mmseg - INFO - Epoch(val) [4][255] aAcc: 0.4413, mIoU: 0.1532, mAcc: 0.2363, IoU.Impervious surface: 0.2819, IoU.Buildings: 0.6057, IoU.Low vegetation: 0.0130, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0187, IoU.Background: nan, Acc.Impervious surface: 0.4328, Acc.Buildings: 0.9273, Acc.Low vegetation: 0.0132, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.0443, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:41:45,326 - mmseg - INFO - Epoch [5][90/450] lr: 9.813e-03, eta: 16:21:48, time: 0.686, data_time: 0.043, memory: 7603, decode.loss_ce: 0.4300, decode.acc_seg: 84.4160, aux.loss_ce: 0.1969, aux.acc_seg: 82.6397, loss: 0.6270 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:42:44,258 - mmseg - INFO - Epoch [5][180/450] lr: 9.804e-03, eta: 16:19:53, time: 0.655, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4371, decode.acc_seg: 84.0168, aux.loss_ce: 0.2003, aux.acc_seg: 82.1757, loss: 0.6374 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:43:43,591 - mmseg - INFO - Epoch [5][270/450] lr: 9.795e-03, eta: 16:18:19, time: 0.659, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4491, decode.acc_seg: 83.6826, aux.loss_ce: 0.2066, aux.acc_seg: 81.3558, loss: 0.6556 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:44:43,053 - mmseg - INFO - Epoch [5][360/450] lr: 9.786e-03, eta: 16:16:54, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4246, decode.acc_seg: 84.8247, aux.loss_ce: 0.1925, aux.acc_seg: 83.1097, loss: 0.6171 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 08:45:42,537 - mmseg - INFO - Epoch [5][450/450] lr: 9.777e-03, eta: 16:15:32, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3962, decode.acc_seg: 85.3740, aux.loss_ce: 0.1813, aux.acc_seg: 83.5963, loss: 0.5774
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 883s, ETA: 0s
2021-11-25 09:00:25,924 - mmseg - INFO - per class results: 2021-11-25 09:00:25,925 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.22 | 18.26 | | Buildings | 47.95 | 80.89 | | Low vegetation | 7.12 | 7.67 | | Trees | 0.18 | 0.18 | | Cars | 0.0 | 0.0 | | Clutter | 2.48 | 46.03 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 09:00:25,926 - mmseg - INFO - Summary: 2021-11-25 09:00:25,926 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 34.14 | 12.16 | 25.51 | +-------+-------+-------+ 2021-11-25 09:00:25,927 - mmseg - INFO - Epoch(val) [5][255] aAcc: 0.3414, mIoU: 0.1216, mAcc: 0.2551, IoU.Impervious surface: 0.1522, IoU.Buildings: 0.4795, IoU.Low vegetation: 0.0712, IoU.Trees: 0.0018, IoU.Cars: 0.0000, IoU.Clutter: 0.0248, IoU.Background: nan, Acc.Impervious surface: 0.1826, Acc.Buildings: 0.8089, Acc.Low vegetation: 0.0767, Acc.Trees: 0.0018, Acc.Cars: 0.0000, Acc.Clutter: 0.4603, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:01:27,659 - mmseg - INFO - Epoch [6][90/450] lr: 9.768e-03, eta: 16:15:33, time: 0.685, data_time: 0.042, memory: 7603, decode.loss_ce: 0.4005, decode.acc_seg: 85.1259, aux.loss_ce: 0.1928, aux.acc_seg: 82.5360, loss: 0.5932 2021-11-25 09:02:06,733 - mmseg - INFO - Saving checkpoint at 2400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:02:29,429 - mmseg - INFO - Epoch [6][180/450] lr: 9.759e-03, eta: 16:15:33, time: 0.686, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3757, decode.acc_seg: 86.1290, aux.loss_ce: 0.1719, aux.acc_seg: 84.5401, loss: 0.5476 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:03:28,644 - mmseg - INFO - Epoch [6][270/450] lr: 9.750e-03, eta: 16:14:00, time: 0.658, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3543, decode.acc_seg: 87.1279, aux.loss_ce: 0.1669, aux.acc_seg: 85.0667, loss: 0.5212 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:04:28,162 - mmseg - INFO - Epoch [6][360/450] lr: 9.741e-03, eta: 16:12:40, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3625, decode.acc_seg: 86.6022, aux.loss_ce: 0.1719, aux.acc_seg: 84.5289, loss: 0.5344 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:05:27,618 - mmseg - INFO - Epoch [6][450/450] lr: 9.732e-03, eta: 16:11:19, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3614, decode.acc_seg: 86.7679, aux.loss_ce: 0.1715, aux.acc_seg: 84.5761, loss: 0.5329
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 818s, ETA: 0s
2021-11-25 09:19:05,783 - mmseg - INFO - per class results: 2021-11-25 09:19:05,785 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 0.5 | 0.5 | | Buildings | 4.02 | 4.96 | | Low vegetation | 0.31 | 0.31 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.42 | 97.67 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-25 09:19:05,785 - mmseg - INFO - Summary: 2021-11-25 09:19:05,786 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 3.45 | 1.37 | 17.24 | +------+------+-------+ 2021-11-25 09:19:05,787 - mmseg - INFO - Epoch(val) [6][255] aAcc: 0.0345, mIoU: 0.0137, mAcc: 0.1724, IoU.Impervious surface: 0.0050, IoU.Buildings: 0.0402, IoU.Low vegetation: 0.0031, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0342, IoU.Background: nan, Acc.Impervious surface: 0.0050, Acc.Buildings: 0.0496, Acc.Low vegetation: 0.0031, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9767, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:20:07,615 - mmseg - INFO - Epoch [7][90/450] lr: 9.723e-03, eta: 16:11:12, time: 0.686, data_time: 0.043, memory: 7603, decode.loss_ce: 0.3869, decode.acc_seg: 85.9644, aux.loss_ce: 0.1842, aux.acc_seg: 83.4822, loss: 0.5711 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:21:06,479 - mmseg - INFO - Epoch [7][180/450] lr: 9.715e-03, eta: 16:09:33, time: 0.654, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3750, decode.acc_seg: 86.1850, aux.loss_ce: 0.1715, aux.acc_seg: 84.4727, loss: 0.5465 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:22:05,903 - mmseg - INFO - Epoch [7][270/450] lr: 9.706e-03, eta: 16:08:13, time: 0.660, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3887, decode.acc_seg: 85.5784, aux.loss_ce: 0.1823, aux.acc_seg: 83.8154, loss: 0.5710 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:23:05,383 - mmseg - INFO - Epoch [7][360/450] lr: 9.697e-03, eta: 16:06:56, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3519, decode.acc_seg: 86.9584, aux.loss_ce: 0.1644, aux.acc_seg: 85.0780, loss: 0.5162 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:24:04,885 - mmseg - INFO - Epoch [7][450/450] lr: 9.688e-03, eta: 16:05:41, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3504, decode.acc_seg: 86.9109, aux.loss_ce: 0.1656, aux.acc_seg: 84.9018, loss: 0.5160
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 843s, ETA: 0s
2021-11-25 09:38:08,467 - mmseg - INFO - per class results: 2021-11-25 09:38:08,468 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 4.16 | 4.19 | | Buildings | 17.71 | 22.81 | | Low vegetation | 32.68 | 36.52 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.21 | 84.35 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 09:38:08,468 - mmseg - INFO - Summary: 2021-11-25 09:38:08,469 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 17.3 | 9.63 | 24.65 | +------+------+-------+ 2021-11-25 09:38:08,470 - mmseg - INFO - Epoch(val) [7][255] aAcc: 0.1730, mIoU: 0.0963, mAcc: 0.2465, IoU.Impervious surface: 0.0416, IoU.Buildings: 0.1771, IoU.Low vegetation: 0.3268, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0321, IoU.Background: nan, Acc.Impervious surface: 0.0419, Acc.Buildings: 0.2281, Acc.Low vegetation: 0.3652, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8435, Acc.Background: nan 2021-11-25 09:38:44,351 - mmseg - INFO - Saving checkpoint at 3200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:39:11,049 - mmseg - INFO - Epoch [8][90/450] lr: 9.679e-03, eta: 16:05:47, time: 0.695, data_time: 0.043, memory: 7603, decode.loss_ce: 0.3495, decode.acc_seg: 87.1021, aux.loss_ce: 0.1643, aux.acc_seg: 84.9772, loss: 0.5138 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:40:09,988 - mmseg - INFO - Epoch [8][180/450] lr: 9.670e-03, eta: 16:04:16, time: 0.655, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3603, decode.acc_seg: 86.6781, aux.loss_ce: 0.1698, aux.acc_seg: 84.6627, loss: 0.5302 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:41:09,250 - mmseg - INFO - Epoch [8][270/450] lr: 9.661e-03, eta: 16:02:55, time: 0.658, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3421, decode.acc_seg: 87.2735, aux.loss_ce: 0.1647, aux.acc_seg: 85.1212, loss: 0.5068 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:42:08,688 - mmseg - INFO - Epoch [8][360/450] lr: 9.652e-03, eta: 16:01:40, time: 0.660, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3212, decode.acc_seg: 88.1806, aux.loss_ce: 0.1543, aux.acc_seg: 85.9603, loss: 0.4755 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:43:08,285 - mmseg - INFO - Epoch [8][450/450] lr: 9.643e-03, eta: 16:00:29, time: 0.662, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3963, decode.acc_seg: 85.3728, aux.loss_ce: 0.1851, aux.acc_seg: 83.2452, loss: 0.5815
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 822s, ETA: 0s
2021-11-25 09:56:50,416 - mmseg - INFO - per class results: 2021-11-25 09:56:50,418 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 4.87 | 5.31 | | Buildings | 13.41 | 14.61 | | Low vegetation | 3.26 | 3.34 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.26 | 93.15 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 09:56:50,418 - mmseg - INFO - Summary: 2021-11-25 09:56:50,419 - mmseg - INFO - +------+------+------+ | aAcc | mIoU | mAcc | +------+------+------+ | 8.63 | 4.13 | 19.4 | +------+------+------+ 2021-11-25 09:56:50,420 - mmseg - INFO - Epoch(val) [8][255] aAcc: 0.0863, mIoU: 0.0413, mAcc: 0.1940, IoU.Impervious surface: 0.0487, IoU.Buildings: 0.1341, IoU.Low vegetation: 0.0326, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0326, IoU.Background: nan, Acc.Impervious surface: 0.0531, Acc.Buildings: 0.1461, Acc.Low vegetation: 0.0334, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9315, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:57:52,251 - mmseg - INFO - Epoch [9][90/450] lr: 9.634e-03, eta: 16:00:10, time: 0.686, data_time: 0.043, memory: 7603, decode.loss_ce: 0.3243, decode.acc_seg: 88.1011, aux.loss_ce: 0.1573, aux.acc_seg: 85.9358, loss: 0.4815 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:58:51,141 - mmseg - INFO - Epoch [9][180/450] lr: 9.625e-03, eta: 15:58:43, time: 0.654, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3469, decode.acc_seg: 87.2028, aux.loss_ce: 0.1672, aux.acc_seg: 84.8017, loss: 0.5141 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 09:59:50,402 - mmseg - INFO - Epoch [9][270/450] lr: 9.616e-03, eta: 15:57:25, time: 0.658, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3319, decode.acc_seg: 87.4829, aux.loss_ce: 0.1580, aux.acc_seg: 85.5029, loss: 0.4900 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:00:49,879 - mmseg - INFO - Epoch [9][360/450] lr: 9.607e-03, eta: 15:56:13, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3658, decode.acc_seg: 86.5122, aux.loss_ce: 0.1691, aux.acc_seg: 84.5630, loss: 0.5350 2021-11-25 10:01:16,265 - mmseg - INFO - Saving checkpoint at 4000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:01:50,039 - mmseg - INFO - Epoch [9][450/450] lr: 9.598e-03, eta: 15:55:16, time: 0.668, data_time: 0.003, memory: 7603, decode.loss_ce: 0.4453, decode.acc_seg: 83.6974, aux.loss_ce: 0.2060, aux.acc_seg: 81.2452, loss: 0.6513
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 849s, ETA: 0s
2021-11-25 10:15:59,290 - mmseg - INFO - per class results: 2021-11-25 10:15:59,291 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.11 | 11.74 | | Buildings | 20.03 | 26.44 | | Low vegetation | 28.24 | 38.7 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.29 | 72.04 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 10:15:59,292 - mmseg - INFO - Summary: 2021-11-25 10:15:59,292 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 21.15 | 10.28 | 24.82 | +-------+-------+-------+ 2021-11-25 10:15:59,293 - mmseg - INFO - Epoch(val) [9][255] aAcc: 0.2115, mIoU: 0.1028, mAcc: 0.2482, IoU.Impervious surface: 0.1011, IoU.Buildings: 0.2003, IoU.Low vegetation: 0.2824, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0329, IoU.Background: nan, Acc.Impervious surface: 0.1174, Acc.Buildings: 0.2644, Acc.Low vegetation: 0.3870, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.7204, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:17:01,160 - mmseg - INFO - Epoch [10][90/450] lr: 9.589e-03, eta: 15:54:54, time: 0.687, data_time: 0.043, memory: 7603, decode.loss_ce: 0.3472, decode.acc_seg: 87.0358, aux.loss_ce: 0.1683, aux.acc_seg: 84.7151, loss: 0.5156 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:18:00,187 - mmseg - INFO - Epoch [10][180/450] lr: 9.580e-03, eta: 15:53:33, time: 0.656, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3225, decode.acc_seg: 87.9344, aux.loss_ce: 0.1522, aux.acc_seg: 86.1658, loss: 0.4747 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:18:59,571 - mmseg - INFO - Epoch [10][270/450] lr: 9.571e-03, eta: 15:52:20, time: 0.660, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3063, decode.acc_seg: 88.6531, aux.loss_ce: 0.1458, aux.acc_seg: 86.7628, loss: 0.4521 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:19:59,085 - mmseg - INFO - Epoch [10][360/450] lr: 9.562e-03, eta: 15:51:10, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3271, decode.acc_seg: 87.6725, aux.loss_ce: 0.1525, aux.acc_seg: 85.9501, loss: 0.4796 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:20:58,574 - mmseg - INFO - Epoch [10][450/450] lr: 9.553e-03, eta: 15:50:00, time: 0.661, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3111, decode.acc_seg: 88.3345, aux.loss_ce: 0.1514, aux.acc_seg: 86.3226, loss: 0.4625
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 827s, ETA: 0s
2021-11-25 10:34:45,817 - mmseg - INFO - per class results: 2021-11-25 10:34:45,819 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.02 | 3.12 | | Buildings | 2.14 | 2.2 | | Low vegetation | 19.27 | 20.21 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.42 | 97.65 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 10:34:45,820 - mmseg - INFO - Summary: 2021-11-25 10:34:45,821 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 7.36 | 4.64 | 20.53 | +------+------+-------+ 2021-11-25 10:34:45,822 - mmseg - INFO - Epoch(val) [10][255] aAcc: 0.0736, mIoU: 0.0464, mAcc: 0.2053, IoU.Impervious surface: 0.0302, IoU.Buildings: 0.0214, IoU.Low vegetation: 0.1927, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0342, IoU.Background: nan, Acc.Impervious surface: 0.0312, Acc.Buildings: 0.0220, Acc.Low vegetation: 0.2021, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9765, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:35:47,660 - mmseg - INFO - Epoch [11][90/450] lr: 9.545e-03, eta: 15:49:33, time: 0.686, data_time: 0.043, memory: 7603, decode.loss_ce: 0.2840, decode.acc_seg: 89.3585, aux.loss_ce: 0.1414, aux.acc_seg: 87.2072, loss: 0.4254 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:36:46,556 - mmseg - INFO - Epoch [11][180/450] lr: 9.536e-03, eta: 15:48:12, time: 0.654, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3172, decode.acc_seg: 88.2655, aux.loss_ce: 0.1521, aux.acc_seg: 86.1669, loss: 0.4692 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:37:46,315 - mmseg - INFO - Epoch [11][270/450] lr: 9.527e-03, eta: 15:47:07, time: 0.664, data_time: 0.003, memory: 7603, decode.loss_ce: 0.3463, decode.acc_seg: 87.3040, aux.loss_ce: 0.1627, aux.acc_seg: 85.4784, loss: 0.5089 2021-11-25 10:38:06,524 - mmseg - INFO - Saving checkpoint at 4800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:38:47,633 - mmseg - INFO - Epoch [11][360/450] lr: 9.518e-03, eta: 15:46:30, time: 0.681, data_time: 0.003, memory: 7603, decode.loss_ce: 0.2986, decode.acc_seg: 89.0921, aux.loss_ce: 0.1467, aux.acc_seg: 86.8859, loss: 0.4454 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:39:47,823 - mmseg - INFO - Epoch [11][450/450] lr: 9.509e-03, eta: 15:45:33, time: 0.669, data_time: 0.003, memory: 7603, decode.loss_ce: 0.2955, decode.acc_seg: 88.8875, aux.loss_ce: 0.1457, aux.acc_seg: 86.7765, loss: 0.4412
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 874s, ETA: 0s
2021-11-25 10:54:21,569 - mmseg - INFO - per class results: 2021-11-25 10:54:21,572 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.0 | 10.23 | | Buildings | 12.96 | 17.22 | | Low vegetation | 16.87 | 19.89 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.33 | 86.93 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 10:54:21,573 - mmseg - INFO - Summary: 2021-11-25 10:54:21,573 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.24 | 7.19 | 22.38 | +-------+------+-------+ 2021-11-25 10:54:21,575 - mmseg - INFO - Epoch(val) [11][255] aAcc: 0.1424, mIoU: 0.0719, mAcc: 0.2238, IoU.Impervious surface: 0.1000, IoU.Buildings: 0.1296, IoU.Low vegetation: 0.1687, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0333, IoU.Background: nan, Acc.Impervious surface: 0.1023, Acc.Buildings: 0.1722, Acc.Low vegetation: 0.1989, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8693, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:55:27,107 - mmseg - INFO - Epoch [12][90/450] lr: 9.500e-03, eta: 15:46:05, time: 0.727, data_time: 0.047, memory: 7603, decode.loss_ce: 0.2866, decode.acc_seg: 89.3839, aux.loss_ce: 0.1380, aux.acc_seg: 87.5458, loss: 0.4246 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:56:29,775 - mmseg - INFO - Epoch [12][180/450] lr: 9.491e-03, eta: 15:45:46, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2859, decode.acc_seg: 89.3421, aux.loss_ce: 0.1398, aux.acc_seg: 87.2431, loss: 0.4257 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:57:32,665 - mmseg - INFO - Epoch [12][270/450] lr: 9.482e-03, eta: 15:45:30, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2816, decode.acc_seg: 89.3196, aux.loss_ce: 0.1394, aux.acc_seg: 87.2663, loss: 0.4210 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:58:36,018 - mmseg - INFO - Epoch [12][360/450] lr: 9.473e-03, eta: 15:45:20, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2943, decode.acc_seg: 88.7295, aux.loss_ce: 0.1426, aux.acc_seg: 87.1129, loss: 0.4369 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 10:59:39,235 - mmseg - INFO - Epoch [12][450/450] lr: 9.464e-03, eta: 15:45:06, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2847, decode.acc_seg: 89.2414, aux.loss_ce: 0.1407, aux.acc_seg: 87.2387, loss: 0.4254
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 919s, ETA: 0s
2021-11-25 11:14:58,445 - mmseg - INFO - per class results: 2021-11-25 11:14:58,446 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 2.81 | 2.84 | | Buildings | 5.83 | 7.35 | | Low vegetation | 27.14 | 35.79 | | Trees | 0.85 | 0.85 | | Cars | 0.0 | 0.0 | | Clutter | 3.76 | 89.47 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 11:14:58,447 - mmseg - INFO - Summary: 2021-11-25 11:14:58,448 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 11.96 | 6.73 | 22.72 | +-------+------+-------+ 2021-11-25 11:14:58,449 - mmseg - INFO - Epoch(val) [12][255] aAcc: 0.1196, mIoU: 0.0673, mAcc: 0.2272, IoU.Impervious surface: 0.0281, IoU.Buildings: 0.0583, IoU.Low vegetation: 0.2714, IoU.Trees: 0.0085, IoU.Cars: 0.0000, IoU.Clutter: 0.0376, IoU.Background: nan, Acc.Impervious surface: 0.0284, Acc.Buildings: 0.0735, Acc.Low vegetation: 0.3579, Acc.Trees: 0.0085, Acc.Cars: 0.0000, Acc.Clutter: 0.8947, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:16:04,179 - mmseg - INFO - Epoch [13][90/450] lr: 9.455e-03, eta: 15:45:28, time: 0.730, data_time: 0.049, memory: 7603, decode.loss_ce: 0.2854, decode.acc_seg: 89.4674, aux.loss_ce: 0.1388, aux.acc_seg: 87.5302, loss: 0.4242 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:17:06,886 - mmseg - INFO - Epoch [13][180/450] lr: 9.446e-03, eta: 15:45:02, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2827, decode.acc_seg: 89.4450, aux.loss_ce: 0.1402, aux.acc_seg: 87.3780, loss: 0.4229 2021-11-25 11:17:20,672 - mmseg - INFO - Saving checkpoint at 5600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:18:10,311 - mmseg - INFO - Epoch [13][270/450] lr: 9.437e-03, eta: 15:44:46, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.3077, decode.acc_seg: 88.6441, aux.loss_ce: 0.1473, aux.acc_seg: 86.8241, loss: 0.4550 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:19:13,653 - mmseg - INFO - Epoch [13][360/450] lr: 9.428e-03, eta: 15:44:27, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2691, decode.acc_seg: 89.8452, aux.loss_ce: 0.1332, aux.acc_seg: 87.8333, loss: 0.4023 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:20:16,908 - mmseg - INFO - Epoch [13][450/450] lr: 9.419e-03, eta: 15:44:05, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2962, decode.acc_seg: 89.1743, aux.loss_ce: 0.1432, aux.acc_seg: 87.0489, loss: 0.4394
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 977s, ETA: 0s
2021-11-25 11:36:34,458 - mmseg - INFO - per class results: 2021-11-25 11:36:34,460 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 6.49 | 6.69 | | Buildings | 57.61 | 89.41 | | Low vegetation | 9.55 | 10.03 | | Trees | 0.04 | 0.04 | | Cars | 0.0 | 0.0 | | Clutter | 1.31 | 20.48 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 11:36:34,460 - mmseg - INFO - Summary: 2021-11-25 11:36:34,461 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 33.1 | 12.5 | 21.11 | +------+------+-------+ 2021-11-25 11:36:34,462 - mmseg - INFO - Epoch(val) [13][255] aAcc: 0.3310, mIoU: 0.1250, mAcc: 0.2111, IoU.Impervious surface: 0.0649, IoU.Buildings: 0.5761, IoU.Low vegetation: 0.0955, IoU.Trees: 0.0004, IoU.Cars: 0.0000, IoU.Clutter: 0.0131, IoU.Background: nan, Acc.Impervious surface: 0.0669, Acc.Buildings: 0.8941, Acc.Low vegetation: 0.1003, Acc.Trees: 0.0004, Acc.Cars: 0.0000, Acc.Clutter: 0.2048, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:37:40,210 - mmseg - INFO - Epoch [14][90/450] lr: 9.410e-03, eta: 15:44:17, time: 0.730, data_time: 0.047, memory: 7603, decode.loss_ce: 0.3082, decode.acc_seg: 88.4252, aux.loss_ce: 0.1501, aux.acc_seg: 86.5508, loss: 0.4583 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:38:42,744 - mmseg - INFO - Epoch [14][180/450] lr: 9.401e-03, eta: 15:43:42, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2949, decode.acc_seg: 88.9090, aux.loss_ce: 0.1483, aux.acc_seg: 86.4962, loss: 0.4432 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:39:46,045 - mmseg - INFO - Epoch [14][270/450] lr: 9.392e-03, eta: 15:43:17, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2823, decode.acc_seg: 89.4339, aux.loss_ce: 0.1416, aux.acc_seg: 87.1201, loss: 0.4239 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:40:49,201 - mmseg - INFO - Epoch [14][360/450] lr: 9.383e-03, eta: 15:42:49, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2616, decode.acc_seg: 90.1739, aux.loss_ce: 0.1328, aux.acc_seg: 87.7597, loss: 0.3945 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:41:52,666 - mmseg - INFO - Epoch [14][450/450] lr: 9.374e-03, eta: 15:42:25, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2527, decode.acc_seg: 90.5216, aux.loss_ce: 0.1269, aux.acc_seg: 88.3526, loss: 0.3795
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 914s, ETA: 0s
2021-11-25 11:57:07,259 - mmseg - INFO - per class results: 2021-11-25 11:57:07,261 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 0.62 | 0.64 | | Buildings | 2.56 | 2.94 | | Low vegetation | 16.18 | 17.38 | | Trees | 0.17 | 0.17 | | Cars | 0.0 | 0.0 | | Clutter | 3.36 | 95.97 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 11:57:07,261 - mmseg - INFO - Summary: 2021-11-25 11:57:07,262 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 6.22 | 3.81 | 19.52 | +------+------+-------+ 2021-11-25 11:57:07,263 - mmseg - INFO - Epoch(val) [14][255] aAcc: 0.0622, mIoU: 0.0381, mAcc: 0.1952, IoU.Impervious surface: 0.0062, IoU.Buildings: 0.0256, IoU.Low vegetation: 0.1618, IoU.Trees: 0.0017, IoU.Cars: 0.0000, IoU.Clutter: 0.0336, IoU.Background: nan, Acc.Impervious surface: 0.0064, Acc.Buildings: 0.0294, Acc.Low vegetation: 0.1738, Acc.Trees: 0.0017, Acc.Cars: 0.0000, Acc.Clutter: 0.9597, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:58:12,773 - mmseg - INFO - Epoch [15][90/450] lr: 9.365e-03, eta: 15:42:25, time: 0.727, data_time: 0.047, memory: 7603, decode.loss_ce: 0.2844, decode.acc_seg: 89.2095, aux.loss_ce: 0.1376, aux.acc_seg: 87.4376, loss: 0.4221 2021-11-25 11:58:19,823 - mmseg - INFO - Saving checkpoint at 6400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 11:59:16,241 - mmseg - INFO - Epoch [15][180/450] lr: 9.356e-03, eta: 15:41:57, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2814, decode.acc_seg: 89.4256, aux.loss_ce: 0.1415, aux.acc_seg: 87.1717, loss: 0.4228 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:00:19,640 - mmseg - INFO - Epoch [15][270/450] lr: 9.347e-03, eta: 15:41:28, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2819, decode.acc_seg: 89.5664, aux.loss_ce: 0.1413, aux.acc_seg: 87.1978, loss: 0.4232 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:01:22,861 - mmseg - INFO - Epoch [15][360/450] lr: 9.338e-03, eta: 15:40:56, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2619, decode.acc_seg: 90.1008, aux.loss_ce: 0.1303, aux.acc_seg: 88.1695, loss: 0.3922 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:02:26,278 - mmseg - INFO - Epoch [15][450/450] lr: 9.329e-03, eta: 15:40:25, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2623, decode.acc_seg: 90.1968, aux.loss_ce: 0.1315, aux.acc_seg: 88.0391, loss: 0.3938
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 916s, ETA: 0s
2021-11-25 12:17:42,734 - mmseg - INFO - per class results: 2021-11-25 12:17:42,735 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.96 | 10.34 | | Buildings | 6.71 | 8.52 | | Low vegetation | 15.29 | 17.19 | | Trees | 0.1 | 0.1 | | Cars | 0.0 | 0.0 | | Clutter | 3.7 | 91.92 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 12:17:42,736 - mmseg - INFO - Summary: 2021-11-25 12:17:42,736 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 11.06 | 5.96 | 21.35 | +-------+------+-------+ 2021-11-25 12:17:42,738 - mmseg - INFO - Epoch(val) [15][255] aAcc: 0.1106, mIoU: 0.0596, mAcc: 0.2135, IoU.Impervious surface: 0.0996, IoU.Buildings: 0.0671, IoU.Low vegetation: 0.1529, IoU.Trees: 0.0010, IoU.Cars: 0.0000, IoU.Clutter: 0.0370, IoU.Background: nan, Acc.Impervious surface: 0.1034, Acc.Buildings: 0.0852, Acc.Low vegetation: 0.1719, Acc.Trees: 0.0010, Acc.Cars: 0.0000, Acc.Clutter: 0.9192, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:18:48,432 - mmseg - INFO - Epoch [16][90/450] lr: 9.320e-03, eta: 15:40:20, time: 0.729, data_time: 0.047, memory: 7603, decode.loss_ce: 0.2579, decode.acc_seg: 90.3092, aux.loss_ce: 0.1277, aux.acc_seg: 88.4005, loss: 0.3856 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:19:51,106 - mmseg - INFO - Epoch [16][180/450] lr: 9.311e-03, eta: 15:39:38, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2656, decode.acc_seg: 89.9604, aux.loss_ce: 0.1308, aux.acc_seg: 88.0169, loss: 0.3964 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:20:54,182 - mmseg - INFO - Epoch [16][270/450] lr: 9.302e-03, eta: 15:39:01, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2851, decode.acc_seg: 89.4062, aux.loss_ce: 0.1449, aux.acc_seg: 87.1108, loss: 0.4300 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:21:57,494 - mmseg - INFO - Epoch [16][360/450] lr: 9.293e-03, eta: 15:38:25, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2676, decode.acc_seg: 90.0149, aux.loss_ce: 0.1343, aux.acc_seg: 87.7751, loss: 0.4019 2021-11-25 12:23:00,849 - mmseg - INFO - Saving checkpoint at 7200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:23:01,599 - mmseg - INFO - Epoch [16][450/450] lr: 9.284e-03, eta: 15:37:59, time: 0.713, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2653, decode.acc_seg: 90.0842, aux.loss_ce: 0.1345, aux.acc_seg: 87.7951, loss: 0.3998
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 899s, ETA: 0s
2021-11-25 12:38:00,318 - mmseg - INFO - per class results: 2021-11-25 12:38:00,322 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 2.19 | 2.21 | | Buildings | 2.87 | 3.28 | | Low vegetation | 0.5 | 0.51 | | Trees | 0.0 | 0.0 | | Cars | 0.05 | 0.05 | | Clutter | 3.43 | 97.81 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-25 12:38:00,323 - mmseg - INFO - Summary: 2021-11-25 12:38:00,324 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 3.51 | 1.51 | 17.31 | +------+------+-------+ 2021-11-25 12:38:00,326 - mmseg - INFO - Epoch(val) [16][255] aAcc: 0.0351, mIoU: 0.0151, mAcc: 0.1731, IoU.Impervious surface: 0.0219, IoU.Buildings: 0.0287, IoU.Low vegetation: 0.0050, IoU.Trees: 0.0000, IoU.Cars: 0.0005, IoU.Clutter: 0.0343, IoU.Background: nan, Acc.Impervious surface: 0.0221, Acc.Buildings: 0.0328, Acc.Low vegetation: 0.0051, Acc.Trees: 0.0000, Acc.Cars: 0.0005, Acc.Clutter: 0.9781, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:39:06,293 - mmseg - INFO - Epoch [17][90/450] lr: 9.275e-03, eta: 15:37:52, time: 0.732, data_time: 0.047, memory: 7603, decode.loss_ce: 0.2652, decode.acc_seg: 89.9512, aux.loss_ce: 0.1378, aux.acc_seg: 87.5499, loss: 0.4030 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:40:08,719 - mmseg - INFO - Epoch [17][180/450] lr: 9.266e-03, eta: 15:37:04, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2641, decode.acc_seg: 89.9302, aux.loss_ce: 0.1297, aux.acc_seg: 88.0454, loss: 0.3938 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:41:11,934 - mmseg - INFO - Epoch [17][270/450] lr: 9.257e-03, eta: 15:36:24, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2646, decode.acc_seg: 89.9607, aux.loss_ce: 0.1357, aux.acc_seg: 87.6865, loss: 0.4003 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:42:15,046 - mmseg - INFO - Epoch [17][360/450] lr: 9.248e-03, eta: 15:35:43, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2619, decode.acc_seg: 90.0569, aux.loss_ce: 0.1375, aux.acc_seg: 87.4432, loss: 0.3994 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:43:18,550 - mmseg - INFO - Epoch [17][450/450] lr: 9.239e-03, eta: 15:35:06, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2690, decode.acc_seg: 89.8364, aux.loss_ce: 0.1364, aux.acc_seg: 87.6302, loss: 0.4054
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 924s, ETA: 0s
2021-11-25 12:58:42,756 - mmseg - INFO - per class results: 2021-11-25 12:58:42,758 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 1.86 | 1.89 | | Buildings | 14.86 | 20.25 | | Low vegetation | 17.35 | 20.17 | | Trees | 5.33 | 5.54 | | Cars | 0.0 | 0.0 | | Clutter | 3.55 | 88.49 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 12:58:42,759 - mmseg - INFO - Summary: 2021-11-25 12:58:42,760 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 13.21 | 7.16 | 22.72 | +-------+------+-------+ 2021-11-25 12:58:42,761 - mmseg - INFO - Epoch(val) [17][255] aAcc: 0.1321, mIoU: 0.0716, mAcc: 0.2272, IoU.Impervious surface: 0.0186, IoU.Buildings: 0.1486, IoU.Low vegetation: 0.1735, IoU.Trees: 0.0533, IoU.Cars: 0.0000, IoU.Clutter: 0.0355, IoU.Background: nan, Acc.Impervious surface: 0.0189, Acc.Buildings: 0.2025, Acc.Low vegetation: 0.2017, Acc.Trees: 0.0554, Acc.Cars: 0.0000, Acc.Clutter: 0.8849, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 12:59:48,560 - mmseg - INFO - Epoch [18][90/450] lr: 9.230e-03, eta: 15:34:51, time: 0.730, data_time: 0.046, memory: 7603, decode.loss_ce: 0.2714, decode.acc_seg: 89.8424, aux.loss_ce: 0.1400, aux.acc_seg: 87.4511, loss: 0.4114 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:00:51,433 - mmseg - INFO - Epoch [18][180/450] lr: 9.221e-03, eta: 15:34:06, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.3408, decode.acc_seg: 87.5954, aux.loss_ce: 0.1644, aux.acc_seg: 85.3209, loss: 0.5052 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:01:54,520 - mmseg - INFO - Epoch [18][270/450] lr: 9.212e-03, eta: 15:33:22, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.3246, decode.acc_seg: 88.0722, aux.loss_ce: 0.1590, aux.acc_seg: 85.7640, loss: 0.4836 2021-11-25 13:02:50,702 - mmseg - INFO - Saving checkpoint at 8000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:02:58,563 - mmseg - INFO - Epoch [18][360/450] lr: 9.203e-03, eta: 15:32:47, time: 0.712, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2586, decode.acc_seg: 90.1658, aux.loss_ce: 0.1294, aux.acc_seg: 88.1567, loss: 0.3880 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:04:01,852 - mmseg - INFO - Epoch [18][450/450] lr: 9.194e-03, eta: 15:32:05, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2723, decode.acc_seg: 89.9391, aux.loss_ce: 0.1395, aux.acc_seg: 87.6309, loss: 0.4118
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 984s, ETA: 0s
2021-11-25 13:20:26,240 - mmseg - INFO - per class results: 2021-11-25 13:20:26,241 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 5.48 | 5.64 | | Buildings | 10.96 | 14.2 | | Low vegetation | 0.86 | 0.86 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.33 | 95.06 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 13:20:26,242 - mmseg - INFO - Summary: 2021-11-25 13:20:26,243 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 8.15 | 3.44 | 19.29 | +------+------+-------+ 2021-11-25 13:20:26,245 - mmseg - INFO - Epoch(val) [18][255] aAcc: 0.0815, mIoU: 0.0344, mAcc: 0.1929, IoU.Impervious surface: 0.0548, IoU.Buildings: 0.1096, IoU.Low vegetation: 0.0086, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0333, IoU.Background: nan, Acc.Impervious surface: 0.0564, Acc.Buildings: 0.1420, Acc.Low vegetation: 0.0086, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9506, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:21:44,249 - mmseg - INFO - Epoch [19][90/450] lr: 9.185e-03, eta: 15:33:48, time: 0.866, data_time: 0.189, memory: 7603, decode.loss_ce: 0.2614, decode.acc_seg: 90.0673, aux.loss_ce: 0.1329, aux.acc_seg: 87.9050, loss: 0.3943 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:22:46,621 - mmseg - INFO - Epoch [19][180/450] lr: 9.176e-03, eta: 15:32:53, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2351, decode.acc_seg: 91.1934, aux.loss_ce: 0.1184, aux.acc_seg: 89.2932, loss: 0.3535 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:23:49,622 - mmseg - INFO - Epoch [19][270/450] lr: 9.167e-03, eta: 15:32:05, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2359, decode.acc_seg: 91.0135, aux.loss_ce: 0.1210, aux.acc_seg: 88.8839, loss: 0.3568 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:24:52,828 - mmseg - INFO - Epoch [19][360/450] lr: 9.158e-03, eta: 15:31:18, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2415, decode.acc_seg: 90.9522, aux.loss_ce: 0.1270, aux.acc_seg: 88.6010, loss: 0.3685 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:25:56,110 - mmseg - INFO - Epoch [19][450/450] lr: 9.149e-03, eta: 15:30:32, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2459, decode.acc_seg: 90.6303, aux.loss_ce: 0.1262, aux.acc_seg: 88.4023, loss: 0.3720
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1031s, ETA: 0s
2021-11-25 13:43:07,017 - mmseg - INFO - per class results: 2021-11-25 13:43:07,019 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 0.51 | 0.51 | | Buildings | 38.37 | 60.28 | | Low vegetation | 1.74 | 1.75 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.49 | 69.85 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 13:43:07,019 - mmseg - INFO - Summary: 2021-11-25 13:43:07,020 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 20.95 | 7.18 | 22.06 | +-------+------+-------+ 2021-11-25 13:43:07,022 - mmseg - INFO - Epoch(val) [19][255] aAcc: 0.2095, mIoU: 0.0718, mAcc: 0.2206, IoU.Impervious surface: 0.0051, IoU.Buildings: 0.3837, IoU.Low vegetation: 0.0174, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0249, IoU.Background: nan, Acc.Impervious surface: 0.0051, Acc.Buildings: 0.6028, Acc.Low vegetation: 0.0175, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.6985, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:44:14,133 - mmseg - INFO - Epoch [20][90/450] lr: 9.140e-03, eta: 15:30:21, time: 0.745, data_time: 0.065, memory: 7603, decode.loss_ce: 0.2579, decode.acc_seg: 90.2706, aux.loss_ce: 0.1310, aux.acc_seg: 88.0090, loss: 0.3889 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:45:16,914 - mmseg - INFO - Epoch [20][180/450] lr: 9.131e-03, eta: 15:29:28, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2248, decode.acc_seg: 91.5181, aux.loss_ce: 0.1144, aux.acc_seg: 89.5543, loss: 0.3392 2021-11-25 13:46:05,868 - mmseg - INFO - Saving checkpoint at 8800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:46:20,720 - mmseg - INFO - Epoch [20][270/450] lr: 9.122e-03, eta: 15:28:46, time: 0.709, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2567, decode.acc_seg: 90.2310, aux.loss_ce: 0.1289, aux.acc_seg: 88.1071, loss: 0.3856 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:47:23,926 - mmseg - INFO - Epoch [20][360/450] lr: 9.113e-03, eta: 15:27:57, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2439, decode.acc_seg: 90.7161, aux.loss_ce: 0.1243, aux.acc_seg: 88.7524, loss: 0.3682 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 13:48:27,198 - mmseg - INFO - Epoch [20][450/450] lr: 9.104e-03, eta: 15:27:08, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2613, decode.acc_seg: 90.1737, aux.loss_ce: 0.1394, aux.acc_seg: 87.3428, loss: 0.4007
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1060s, ETA: 0s
2021-11-25 14:06:07,609 - mmseg - INFO - per class results: 2021-11-25 14:06:07,610 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 20.57 | 22.48 | | Buildings | 24.38 | 37.32 | | Low vegetation | 17.02 | 22.73 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.06 | 74.69 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 14:06:07,610 - mmseg - INFO - Summary: 2021-11-25 14:06:07,611 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 25.03 | 10.84 | 26.2 | +-------+-------+------+ 2021-11-25 14:06:07,612 - mmseg - INFO - Epoch(val) [20][255] aAcc: 0.2503, mIoU: 0.1084, mAcc: 0.2620, IoU.Impervious surface: 0.2057, IoU.Buildings: 0.2438, IoU.Low vegetation: 0.1702, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0306, IoU.Background: nan, Acc.Impervious surface: 0.2248, Acc.Buildings: 0.3732, Acc.Low vegetation: 0.2273, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.7469, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:07:26,903 - mmseg - INFO - Epoch [21][90/450] lr: 9.095e-03, eta: 15:28:41, time: 0.880, data_time: 0.200, memory: 7603, decode.loss_ce: 0.2632, decode.acc_seg: 90.2408, aux.loss_ce: 0.1348, aux.acc_seg: 87.8639, loss: 0.3980 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:08:29,575 - mmseg - INFO - Epoch [21][180/450] lr: 9.086e-03, eta: 15:27:45, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2174, decode.acc_seg: 91.7563, aux.loss_ce: 0.1135, aux.acc_seg: 89.6826, loss: 0.3309 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:09:32,331 - mmseg - INFO - Epoch [21][270/450] lr: 9.077e-03, eta: 15:26:50, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2354, decode.acc_seg: 91.0788, aux.loss_ce: 0.1206, aux.acc_seg: 88.9084, loss: 0.3560 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:10:35,512 - mmseg - INFO - Epoch [21][360/450] lr: 9.068e-03, eta: 15:25:58, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2441, decode.acc_seg: 90.9553, aux.loss_ce: 0.1258, aux.acc_seg: 88.6237, loss: 0.3699 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:11:38,627 - mmseg - INFO - Epoch [21][450/450] lr: 9.059e-03, eta: 15:25:06, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2862, decode.acc_seg: 89.4088, aux.loss_ce: 0.1468, aux.acc_seg: 86.6909, loss: 0.4330
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1045s, ETA: 0s
2021-11-25 14:29:04,013 - mmseg - INFO - per class results: 2021-11-25 14:29:04,015 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.8 | 14.49 | | Buildings | 33.66 | 53.24 | | Low vegetation | 0.6 | 0.6 | | Trees | 0.02 | 0.02 | | Cars | 0.0 | 0.0 | | Clutter | 2.62 | 75.18 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 14:29:04,015 - mmseg - INFO - Summary: 2021-11-25 14:29:04,016 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 23.14 | 8.28 | 23.92 | +-------+------+-------+ 2021-11-25 14:29:04,018 - mmseg - INFO - Epoch(val) [21][255] aAcc: 0.2314, mIoU: 0.0828, mAcc: 0.2392, IoU.Impervious surface: 0.1280, IoU.Buildings: 0.3366, IoU.Low vegetation: 0.0060, IoU.Trees: 0.0002, IoU.Cars: 0.0000, IoU.Clutter: 0.0262, IoU.Background: nan, Acc.Impervious surface: 0.1449, Acc.Buildings: 0.5324, Acc.Low vegetation: 0.0060, Acc.Trees: 0.0002, Acc.Cars: 0.0000, Acc.Clutter: 0.7518, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:30:11,632 - mmseg - INFO - Epoch [22][90/450] lr: 9.050e-03, eta: 15:24:50, time: 0.751, data_time: 0.070, memory: 7603, decode.loss_ce: 0.2787, decode.acc_seg: 89.4997, aux.loss_ce: 0.1405, aux.acc_seg: 87.2344, loss: 0.4193 2021-11-25 14:30:53,180 - mmseg - INFO - Saving checkpoint at 9600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:31:14,886 - mmseg - INFO - Epoch [22][180/450] lr: 9.041e-03, eta: 15:23:58, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2524, decode.acc_seg: 90.3485, aux.loss_ce: 0.1278, aux.acc_seg: 88.1916, loss: 0.3802 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:32:17,941 - mmseg - INFO - Epoch [22][270/450] lr: 9.032e-03, eta: 15:23:04, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2605, decode.acc_seg: 90.2362, aux.loss_ce: 0.1327, aux.acc_seg: 87.8765, loss: 0.3932 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:33:21,057 - mmseg - INFO - Epoch [22][360/450] lr: 9.023e-03, eta: 15:22:10, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2377, decode.acc_seg: 91.1618, aux.loss_ce: 0.1251, aux.acc_seg: 88.7768, loss: 0.3627 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:34:24,293 - mmseg - INFO - Epoch [22][450/450] lr: 9.014e-03, eta: 15:21:17, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2563, decode.acc_seg: 90.3628, aux.loss_ce: 0.1306, aux.acc_seg: 88.1179, loss: 0.3868
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1022s, ETA: 0s
2021-11-25 14:51:26,336 - mmseg - INFO - per class results: 2021-11-25 14:51:26,338 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 2.95 | 3.0 | | Buildings | 10.85 | 14.93 | | Low vegetation | 4.13 | 4.3 | | Trees | 0.43 | 0.43 | | Cars | 0.0 | 0.0 | | Clutter | 3.34 | 93.91 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 14:51:26,339 - mmseg - INFO - Summary: 2021-11-25 14:51:26,339 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 8.23 | 3.62 | 19.43 | +------+------+-------+ 2021-11-25 14:51:26,340 - mmseg - INFO - Epoch(val) [22][255] aAcc: 0.0823, mIoU: 0.0362, mAcc: 0.1943, IoU.Impervious surface: 0.0295, IoU.Buildings: 0.1085, IoU.Low vegetation: 0.0413, IoU.Trees: 0.0043, IoU.Cars: 0.0000, IoU.Clutter: 0.0334, IoU.Background: nan, Acc.Impervious surface: 0.0300, Acc.Buildings: 0.1493, Acc.Low vegetation: 0.0430, Acc.Trees: 0.0043, Acc.Cars: 0.0000, Acc.Clutter: 0.9391, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:52:31,543 - mmseg - INFO - Epoch [23][90/450] lr: 9.005e-03, eta: 15:20:40, time: 0.724, data_time: 0.044, memory: 7603, decode.loss_ce: 0.2416, decode.acc_seg: 90.9761, aux.loss_ce: 0.1253, aux.acc_seg: 88.6616, loss: 0.3669 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:53:33,968 - mmseg - INFO - Epoch [23][180/450] lr: 8.996e-03, eta: 15:19:40, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2388, decode.acc_seg: 90.9187, aux.loss_ce: 0.1245, aux.acc_seg: 88.7530, loss: 0.3634 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:54:37,029 - mmseg - INFO - Epoch [23][270/450] lr: 8.987e-03, eta: 15:18:45, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2472, decode.acc_seg: 90.6419, aux.loss_ce: 0.1245, aux.acc_seg: 88.8486, loss: 0.3717 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:55:40,040 - mmseg - INFO - Epoch [23][360/450] lr: 8.978e-03, eta: 15:17:49, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2217, decode.acc_seg: 91.5967, aux.loss_ce: 0.1146, aux.acc_seg: 89.4717, loss: 0.3363 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 14:56:43,042 - mmseg - INFO - Epoch [23][450/450] lr: 8.969e-03, eta: 15:16:54, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2133, decode.acc_seg: 91.8683, aux.loss_ce: 0.1104, aux.acc_seg: 89.8672, loss: 0.3237
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 924s, ETA: 0s
2021-11-25 15:12:07,439 - mmseg - INFO - per class results: 2021-11-25 15:12:07,441 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 2.72 | 2.78 | | Buildings | 18.02 | 25.41 | | Low vegetation | 14.5 | 17.03 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.37 | 83.58 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 15:12:07,442 - mmseg - INFO - Summary: 2021-11-25 15:12:07,442 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 13.8 | 6.43 | 21.47 | +------+------+-------+ 2021-11-25 15:12:07,444 - mmseg - INFO - Epoch(val) [23][255] aAcc: 0.1380, mIoU: 0.0643, mAcc: 0.2147, IoU.Impervious surface: 0.0272, IoU.Buildings: 0.1802, IoU.Low vegetation: 0.1450, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0337, IoU.Background: nan, Acc.Impervious surface: 0.0278, Acc.Buildings: 0.2541, Acc.Low vegetation: 0.1703, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8358, Acc.Background: nan 2021-11-25 15:12:45,377 - mmseg - INFO - Saving checkpoint at 10400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:13:13,742 - mmseg - INFO - Epoch [24][90/450] lr: 8.960e-03, eta: 15:16:23, time: 0.736, data_time: 0.047, memory: 7603, decode.loss_ce: 0.2167, decode.acc_seg: 91.7779, aux.loss_ce: 0.1142, aux.acc_seg: 89.4996, loss: 0.3309 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:14:15,981 - mmseg - INFO - Epoch [24][180/450] lr: 8.951e-03, eta: 15:15:21, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2201, decode.acc_seg: 91.6755, aux.loss_ce: 0.1140, aux.acc_seg: 89.5517, loss: 0.3342 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:15:18,927 - mmseg - INFO - Epoch [24][270/450] lr: 8.942e-03, eta: 15:14:24, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2358, decode.acc_seg: 91.1267, aux.loss_ce: 0.1282, aux.acc_seg: 88.4891, loss: 0.3639 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:16:21,711 - mmseg - INFO - Epoch [24][360/450] lr: 8.933e-03, eta: 15:13:26, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2157, decode.acc_seg: 91.7577, aux.loss_ce: 0.1150, aux.acc_seg: 89.5324, loss: 0.3307 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:17:24,946 - mmseg - INFO - Epoch [24][450/450] lr: 8.924e-03, eta: 15:12:32, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2296, decode.acc_seg: 91.3671, aux.loss_ce: 0.1206, aux.acc_seg: 88.9437, loss: 0.3502
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 902s, ETA: 0s
2021-11-25 15:32:27,071 - mmseg - INFO - per class results: 2021-11-25 15:32:27,073 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 1.56 | 1.57 | | Buildings | 6.21 | 7.57 | | Low vegetation | 1.23 | 1.24 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.42 | 97.72 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-25 15:32:27,074 - mmseg - INFO - Summary: 2021-11-25 15:32:27,075 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 4.82 | 2.07 | 18.02 | +------+------+-------+ 2021-11-25 15:32:27,076 - mmseg - INFO - Epoch(val) [24][255] aAcc: 0.0482, mIoU: 0.0207, mAcc: 0.1802, IoU.Impervious surface: 0.0156, IoU.Buildings: 0.0621, IoU.Low vegetation: 0.0123, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0342, IoU.Background: nan, Acc.Impervious surface: 0.0157, Acc.Buildings: 0.0757, Acc.Low vegetation: 0.0124, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9772, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:33:32,456 - mmseg - INFO - Epoch [25][90/450] lr: 8.915e-03, eta: 15:11:52, time: 0.726, data_time: 0.046, memory: 7603, decode.loss_ce: 0.2103, decode.acc_seg: 91.8792, aux.loss_ce: 0.1098, aux.acc_seg: 89.8047, loss: 0.3201 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:34:34,812 - mmseg - INFO - Epoch [25][180/450] lr: 8.906e-03, eta: 15:10:50, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2144, decode.acc_seg: 91.7959, aux.loss_ce: 0.1102, aux.acc_seg: 89.8287, loss: 0.3246 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:35:37,659 - mmseg - INFO - Epoch [25][270/450] lr: 8.897e-03, eta: 15:09:52, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2046, decode.acc_seg: 92.2625, aux.loss_ce: 0.1110, aux.acc_seg: 89.8668, loss: 0.3156 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:36:40,850 - mmseg - INFO - Epoch [25][360/450] lr: 8.888e-03, eta: 15:08:57, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2769, decode.acc_seg: 89.7469, aux.loss_ce: 0.1383, aux.acc_seg: 87.5012, loss: 0.4152 2021-11-25 15:37:08,667 - mmseg - INFO - Saving checkpoint at 11200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:37:44,415 - mmseg - INFO - Epoch [25][450/450] lr: 8.879e-03, eta: 15:08:04, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2720, decode.acc_seg: 89.7589, aux.loss_ce: 0.1417, aux.acc_seg: 86.9093, loss: 0.4136
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 1017s, ETA: 0s
2021-11-25 15:54:41,910 - mmseg - INFO - per class results: 2021-11-25 15:54:41,912 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 28.25 | 33.7 | | Buildings | 57.46 | 90.21 | | Low vegetation | 32.45 | 45.86 | | Trees | 7.35 | 8.29 | | Cars | 0.0 | 0.0 | | Clutter | 2.49 | 8.24 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 15:54:41,912 - mmseg - INFO - Summary: 2021-11-25 15:54:41,913 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 50.04 | 21.33 | 31.05 | +-------+-------+-------+ 2021-11-25 15:54:41,915 - mmseg - INFO - Epoch(val) [25][255] aAcc: 0.5004, mIoU: 0.2133, mAcc: 0.3105, IoU.Impervious surface: 0.2825, IoU.Buildings: 0.5746, IoU.Low vegetation: 0.3245, IoU.Trees: 0.0735, IoU.Cars: 0.0000, IoU.Clutter: 0.0249, IoU.Background: nan, Acc.Impervious surface: 0.3370, Acc.Buildings: 0.9021, Acc.Low vegetation: 0.4586, Acc.Trees: 0.0829, Acc.Cars: 0.0000, Acc.Clutter: 0.0824, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:55:59,392 - mmseg - INFO - Epoch [26][90/450] lr: 8.870e-03, eta: 15:08:46, time: 0.860, data_time: 0.182, memory: 7603, decode.loss_ce: 0.2396, decode.acc_seg: 90.9310, aux.loss_ce: 0.1229, aux.acc_seg: 88.8474, loss: 0.3625 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:57:01,858 - mmseg - INFO - Epoch [26][180/450] lr: 8.861e-03, eta: 15:07:45, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2251, decode.acc_seg: 91.5146, aux.loss_ce: 0.1154, aux.acc_seg: 89.6017, loss: 0.3405 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:58:04,309 - mmseg - INFO - Epoch [26][270/450] lr: 8.852e-03, eta: 15:06:43, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2161, decode.acc_seg: 91.7598, aux.loss_ce: 0.1170, aux.acc_seg: 89.3947, loss: 0.3331 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 15:59:07,649 - mmseg - INFO - Epoch [26][360/450] lr: 8.843e-03, eta: 15:05:47, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2289, decode.acc_seg: 91.3878, aux.loss_ce: 0.1165, aux.acc_seg: 89.4138, loss: 0.3455 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:00:10,383 - mmseg - INFO - Epoch [26][450/450] lr: 8.834e-03, eta: 15:04:47, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2501, decode.acc_seg: 90.6124, aux.loss_ce: 0.1317, aux.acc_seg: 88.0259, loss: 0.3818
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1081s, ETA: 0s
2021-11-25 16:18:12,016 - mmseg - INFO - per class results: 2021-11-25 16:18:12,017 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 30.63 | 43.49 | | Buildings | 53.77 | 86.71 | | Low vegetation | 8.11 | 9.32 | | Trees | 0.13 | 0.13 | | Cars | 0.03 | 0.03 | | Clutter | 2.68 | 15.66 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 16:18:12,017 - mmseg - INFO - Summary: 2021-11-25 16:18:12,018 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 44.06 | 15.89 | 25.89 | +-------+-------+-------+ 2021-11-25 16:18:12,019 - mmseg - INFO - Epoch(val) [26][255] aAcc: 0.4406, mIoU: 0.1589, mAcc: 0.2589, IoU.Impervious surface: 0.3063, IoU.Buildings: 0.5377, IoU.Low vegetation: 0.0811, IoU.Trees: 0.0013, IoU.Cars: 0.0003, IoU.Clutter: 0.0268, IoU.Background: nan, Acc.Impervious surface: 0.4349, Acc.Buildings: 0.8671, Acc.Low vegetation: 0.0932, Acc.Trees: 0.0013, Acc.Cars: 0.0003, Acc.Clutter: 0.1566, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:19:17,477 - mmseg - INFO - Epoch [27][90/450] lr: 8.825e-03, eta: 15:04:04, time: 0.727, data_time: 0.046, memory: 7603, decode.loss_ce: 0.2299, decode.acc_seg: 91.3913, aux.loss_ce: 0.1192, aux.acc_seg: 89.2792, loss: 0.3492 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:20:19,769 - mmseg - INFO - Epoch [27][180/450] lr: 8.816e-03, eta: 15:03:01, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2139, decode.acc_seg: 91.9991, aux.loss_ce: 0.1147, aux.acc_seg: 89.5361, loss: 0.3285 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:21:22,739 - mmseg - INFO - Epoch [27][270/450] lr: 8.807e-03, eta: 15:02:02, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2130, decode.acc_seg: 91.9956, aux.loss_ce: 0.1133, aux.acc_seg: 89.6972, loss: 0.3264 2021-11-25 16:21:43,473 - mmseg - INFO - Saving checkpoint at 12000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:22:26,241 - mmseg - INFO - Epoch [27][360/450] lr: 8.798e-03, eta: 15:01:06, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2080, decode.acc_seg: 92.0865, aux.loss_ce: 0.1105, aux.acc_seg: 89.8449, loss: 0.3185 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:23:29,246 - mmseg - INFO - Epoch [27][450/450] lr: 8.789e-03, eta: 15:00:08, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1965, decode.acc_seg: 92.7119, aux.loss_ce: 0.1044, aux.acc_seg: 90.5094, loss: 0.3010
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 961s, ETA: 0s
2021-11-25 16:39:30,565 - mmseg - INFO - per class results: 2021-11-25 16:39:30,566 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.55 | 8.99 | | Buildings | 58.34 | 78.84 | | Low vegetation | 1.24 | 1.25 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.42 | 48.07 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 16:39:30,566 - mmseg - INFO - Summary: 2021-11-25 16:39:30,567 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 29.19 | 11.76 | 22.86 | +-------+-------+-------+ 2021-11-25 16:39:30,569 - mmseg - INFO - Epoch(val) [27][255] aAcc: 0.2919, mIoU: 0.1176, mAcc: 0.2286, IoU.Impervious surface: 0.0855, IoU.Buildings: 0.5834, IoU.Low vegetation: 0.0124, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0242, IoU.Background: nan, Acc.Impervious surface: 0.0899, Acc.Buildings: 0.7884, Acc.Low vegetation: 0.0125, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.4807, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:40:53,120 - mmseg - INFO - Epoch [28][90/450] lr: 8.780e-03, eta: 15:01:13, time: 0.917, data_time: 0.239, memory: 7603, decode.loss_ce: 0.2073, decode.acc_seg: 92.1358, aux.loss_ce: 0.1070, aux.acc_seg: 90.2068, loss: 0.3142 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:41:55,488 - mmseg - INFO - Epoch [28][180/450] lr: 8.771e-03, eta: 15:00:09, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2007, decode.acc_seg: 92.3031, aux.loss_ce: 0.1040, aux.acc_seg: 90.4859, loss: 0.3047 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:42:57,999 - mmseg - INFO - Epoch [28][270/450] lr: 8.762e-03, eta: 14:59:06, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1989, decode.acc_seg: 92.4420, aux.loss_ce: 0.1040, aux.acc_seg: 90.5119, loss: 0.3029 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:44:00,787 - mmseg - INFO - Epoch [28][360/450] lr: 8.753e-03, eta: 14:58:04, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1956, decode.acc_seg: 92.5067, aux.loss_ce: 0.1013, aux.acc_seg: 90.6486, loss: 0.2969 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 16:45:03,547 - mmseg - INFO - Epoch [28][450/450] lr: 8.743e-03, eta: 14:57:03, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1917, decode.acc_seg: 92.6961, aux.loss_ce: 0.1015, aux.acc_seg: 90.6887, loss: 0.2932
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 963s, ETA: 0s
2021-11-25 17:01:06,435 - mmseg - INFO - per class results: 2021-11-25 17:01:06,436 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 2.94 | 3.64 | | Buildings | 51.56 | 81.21 | | Low vegetation | 0.86 | 0.87 | | Trees | 0.01 | 0.01 | | Cars | 0.0 | 0.0 | | Clutter | 2.65 | 48.37 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 17:01:06,437 - mmseg - INFO - Summary: 2021-11-25 17:01:06,438 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 28.13 | 9.67 | 22.35 | +-------+------+-------+ 2021-11-25 17:01:06,441 - mmseg - INFO - Epoch(val) [28][255] aAcc: 0.2813, mIoU: 0.0967, mAcc: 0.2235, IoU.Impervious surface: 0.0294, IoU.Buildings: 0.5156, IoU.Low vegetation: 0.0086, IoU.Trees: 0.0001, IoU.Cars: 0.0000, IoU.Clutter: 0.0265, IoU.Background: nan, Acc.Impervious surface: 0.0364, Acc.Buildings: 0.8121, Acc.Low vegetation: 0.0087, Acc.Trees: 0.0001, Acc.Cars: 0.0000, Acc.Clutter: 0.4837, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:02:14,503 - mmseg - INFO - Epoch [29][90/450] lr: 8.734e-03, eta: 14:56:33, time: 0.756, data_time: 0.074, memory: 7603, decode.loss_ce: 0.2034, decode.acc_seg: 92.2106, aux.loss_ce: 0.1083, aux.acc_seg: 90.0675, loss: 0.3117 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:03:16,712 - mmseg - INFO - Epoch [29][180/450] lr: 8.725e-03, eta: 14:55:28, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1998, decode.acc_seg: 92.4801, aux.loss_ce: 0.1063, aux.acc_seg: 90.3631, loss: 0.3061 2021-11-25 17:03:30,709 - mmseg - INFO - Saving checkpoint at 12800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:04:20,288 - mmseg - INFO - Epoch [29][270/450] lr: 8.716e-03, eta: 14:54:31, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2219, decode.acc_seg: 91.6485, aux.loss_ce: 0.1173, aux.acc_seg: 89.4546, loss: 0.3392 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:05:23,021 - mmseg - INFO - Epoch [29][360/450] lr: 8.707e-03, eta: 14:53:29, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2194, decode.acc_seg: 91.6993, aux.loss_ce: 0.1157, aux.acc_seg: 89.4706, loss: 0.3351 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:06:25,902 - mmseg - INFO - Epoch [29][450/450] lr: 8.698e-03, eta: 14:52:28, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2074, decode.acc_seg: 92.2485, aux.loss_ce: 0.1163, aux.acc_seg: 89.6336, loss: 0.3237
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1085s, ETA: 0s
2021-11-25 17:24:31,508 - mmseg - INFO - per class results: 2021-11-25 17:24:31,509 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 27.9 | 29.83 | | Buildings | 17.04 | 24.58 | | Low vegetation | 24.98 | 34.97 | | Trees | 7.6 | 8.49 | | Cars | 0.0 | 0.0 | | Clutter | 2.38 | 57.51 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 17:24:31,510 - mmseg - INFO - Summary: 2021-11-25 17:24:31,510 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 26.49 | 13.32 | 25.9 | +-------+-------+------+ 2021-11-25 17:24:31,512 - mmseg - INFO - Epoch(val) [29][255] aAcc: 0.2649, mIoU: 0.1332, mAcc: 0.2590, IoU.Impervious surface: 0.2790, IoU.Buildings: 0.1704, IoU.Low vegetation: 0.2498, IoU.Trees: 0.0760, IoU.Cars: 0.0000, IoU.Clutter: 0.0238, IoU.Background: nan, Acc.Impervious surface: 0.2983, Acc.Buildings: 0.2458, Acc.Low vegetation: 0.3497, Acc.Trees: 0.0849, Acc.Cars: 0.0000, Acc.Clutter: 0.5751, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:25:36,785 - mmseg - INFO - Epoch [30][90/450] lr: 8.689e-03, eta: 14:51:40, time: 0.725, data_time: 0.046, memory: 7603, decode.loss_ce: 0.2246, decode.acc_seg: 91.6560, aux.loss_ce: 0.1169, aux.acc_seg: 89.5486, loss: 0.3414 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:26:38,884 - mmseg - INFO - Epoch [30][180/450] lr: 8.680e-03, eta: 14:50:35, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2061, decode.acc_seg: 92.2106, aux.loss_ce: 0.1135, aux.acc_seg: 89.6329, loss: 0.3197 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:27:41,737 - mmseg - INFO - Epoch [30][270/450] lr: 8.671e-03, eta: 14:49:33, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2009, decode.acc_seg: 92.3600, aux.loss_ce: 0.1074, aux.acc_seg: 90.1884, loss: 0.3083 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:28:44,661 - mmseg - INFO - Epoch [30][360/450] lr: 8.662e-03, eta: 14:48:32, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2041, decode.acc_seg: 92.1457, aux.loss_ce: 0.1106, aux.acc_seg: 89.7926, loss: 0.3147 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:29:47,395 - mmseg - INFO - Epoch [30][450/450] lr: 8.653e-03, eta: 14:47:30, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2052, decode.acc_seg: 92.2266, aux.loss_ce: 0.1112, aux.acc_seg: 89.8988, loss: 0.3164
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 950s, ETA: 0s
2021-11-25 17:45:37,906 - mmseg - INFO - per class results: 2021-11-25 17:45:37,907 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 25.41 | 34.02 | | Buildings | 26.52 | 34.05 | | Low vegetation | 6.3 | 7.1 | | Trees | 0.0 | 0.0 | | Cars | 0.04 | 0.04 | | Clutter | 2.88 | 74.38 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 17:45:37,908 - mmseg - INFO - Summary: 2021-11-25 17:45:37,908 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 24.66 | 10.19 | 24.93 | +-------+-------+-------+ 2021-11-25 17:45:37,910 - mmseg - INFO - Epoch(val) [30][255] aAcc: 0.2466, mIoU: 0.1019, mAcc: 0.2493, IoU.Impervious surface: 0.2541, IoU.Buildings: 0.2652, IoU.Low vegetation: 0.0630, IoU.Trees: 0.0000, IoU.Cars: 0.0004, IoU.Clutter: 0.0288, IoU.Background: nan, Acc.Impervious surface: 0.3402, Acc.Buildings: 0.3405, Acc.Low vegetation: 0.0710, Acc.Trees: 0.0000, Acc.Cars: 0.0004, Acc.Clutter: 0.7438, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:46:59,364 - mmseg - INFO - Epoch [31][90/450] lr: 8.644e-03, eta: 14:48:13, time: 0.904, data_time: 0.223, memory: 7603, decode.loss_ce: 0.2045, decode.acc_seg: 92.3275, aux.loss_ce: 0.1120, aux.acc_seg: 89.8663, loss: 0.3165 2021-11-25 17:47:06,162 - mmseg - INFO - Saving checkpoint at 13600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:48:02,208 - mmseg - INFO - Epoch [31][180/450] lr: 8.635e-03, eta: 14:47:10, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1967, decode.acc_seg: 92.6078, aux.loss_ce: 0.1049, aux.acc_seg: 90.4188, loss: 0.3016 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:49:05,001 - mmseg - INFO - Epoch [31][270/450] lr: 8.626e-03, eta: 14:46:08, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2094, decode.acc_seg: 91.9941, aux.loss_ce: 0.1118, aux.acc_seg: 89.6998, loss: 0.3212 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:50:07,584 - mmseg - INFO - Epoch [31][360/450] lr: 8.617e-03, eta: 14:45:04, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2086, decode.acc_seg: 92.1643, aux.loss_ce: 0.1110, aux.acc_seg: 90.0168, loss: 0.3196 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 17:51:10,465 - mmseg - INFO - Epoch [31][450/450] lr: 8.608e-03, eta: 14:44:02, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1833, decode.acc_seg: 93.0125, aux.loss_ce: 0.0997, aux.acc_seg: 90.9482, loss: 0.2831
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1139s, ETA: 0s
2021-11-25 18:10:09,922 - mmseg - INFO - per class results: 2021-11-25 18:10:09,924 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 6.65 | 7.05 | | Buildings | 61.6 | 95.15 | | Low vegetation | 0.32 | 0.32 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 1.29 | 11.5 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-25 18:10:09,925 - mmseg - INFO - Summary: 2021-11-25 18:10:09,925 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 32.97 | 11.64 | 19.0 | +-------+-------+------+ 2021-11-25 18:10:09,928 - mmseg - INFO - Epoch(val) [31][255] aAcc: 0.3297, mIoU: 0.1164, mAcc: 0.1900, IoU.Impervious surface: 0.0665, IoU.Buildings: 0.6160, IoU.Low vegetation: 0.0032, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0129, IoU.Background: nan, Acc.Impervious surface: 0.0705, Acc.Buildings: 0.9515, Acc.Low vegetation: 0.0032, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.1150, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:11:15,629 - mmseg - INFO - Epoch [32][90/450] lr: 8.599e-03, eta: 14:43:14, time: 0.729, data_time: 0.051, memory: 7603, decode.loss_ce: 0.1788, decode.acc_seg: 93.1551, aux.loss_ce: 0.0980, aux.acc_seg: 91.0432, loss: 0.2768 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:12:17,924 - mmseg - INFO - Epoch [32][180/450] lr: 8.590e-03, eta: 14:42:09, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1892, decode.acc_seg: 92.7914, aux.loss_ce: 0.1031, aux.acc_seg: 90.5720, loss: 0.2923 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:13:20,441 - mmseg - INFO - Epoch [32][270/450] lr: 8.580e-03, eta: 14:41:05, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2094, decode.acc_seg: 92.1278, aux.loss_ce: 0.1172, aux.acc_seg: 89.4673, loss: 0.3266 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:14:23,525 - mmseg - INFO - Epoch [32][360/450] lr: 8.571e-03, eta: 14:40:03, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1967, decode.acc_seg: 92.3834, aux.loss_ce: 0.1073, aux.acc_seg: 90.1667, loss: 0.3039 2021-11-25 18:15:26,171 - mmseg - INFO - Saving checkpoint at 14400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:15:27,097 - mmseg - INFO - Epoch [32][450/450] lr: 8.562e-03, eta: 14:39:05, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1785, decode.acc_seg: 93.1995, aux.loss_ce: 0.0962, aux.acc_seg: 91.1662, loss: 0.2747
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.3 task/s, elapsed: 1003s, ETA: 0s
2021-11-25 18:32:10,522 - mmseg - INFO - per class results: 2021-11-25 18:32:10,523 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.3 | 15.65 | | Buildings | 25.76 | 35.64 | | Low vegetation | 1.76 | 1.78 | | Trees | 5.63 | 5.73 | | Cars | 0.0 | 0.0 | | Clutter | 2.77 | 79.55 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 18:32:10,525 - mmseg - INFO - Summary: 2021-11-25 18:32:10,526 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.87 | 8.37 | 23.06 | +-------+------+-------+ 2021-11-25 18:32:10,527 - mmseg - INFO - Epoch(val) [32][255] aAcc: 0.1887, mIoU: 0.0837, mAcc: 0.2306, IoU.Impervious surface: 0.1430, IoU.Buildings: 0.2576, IoU.Low vegetation: 0.0176, IoU.Trees: 0.0563, IoU.Cars: 0.0000, IoU.Clutter: 0.0277, IoU.Background: nan, Acc.Impervious surface: 0.1565, Acc.Buildings: 0.3564, Acc.Low vegetation: 0.0178, Acc.Trees: 0.0573, Acc.Cars: 0.0000, Acc.Clutter: 0.7955, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:33:31,565 - mmseg - INFO - Epoch [33][90/450] lr: 8.553e-03, eta: 14:39:37, time: 0.900, data_time: 0.223, memory: 7603, decode.loss_ce: 0.1884, decode.acc_seg: 92.6795, aux.loss_ce: 0.1036, aux.acc_seg: 90.4628, loss: 0.2919 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:34:33,543 - mmseg - INFO - Epoch [33][180/450] lr: 8.544e-03, eta: 14:38:29, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1828, decode.acc_seg: 93.0325, aux.loss_ce: 0.1012, aux.acc_seg: 90.8110, loss: 0.2840 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:35:36,158 - mmseg - INFO - Epoch [33][270/450] lr: 8.535e-03, eta: 14:37:25, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1848, decode.acc_seg: 92.8407, aux.loss_ce: 0.1030, aux.acc_seg: 90.6070, loss: 0.2878 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:36:38,520 - mmseg - INFO - Epoch [33][360/450] lr: 8.526e-03, eta: 14:36:19, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1777, decode.acc_seg: 93.1629, aux.loss_ce: 0.0972, aux.acc_seg: 91.0703, loss: 0.2749 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:37:41,443 - mmseg - INFO - Epoch [33][450/450] lr: 8.517e-03, eta: 14:35:17, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1866, decode.acc_seg: 92.8982, aux.loss_ce: 0.1031, aux.acc_seg: 90.5973, loss: 0.2897
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1028s, ETA: 0s
2021-11-25 18:54:50,084 - mmseg - INFO - per class results: 2021-11-25 18:54:50,086 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.27 | 15.81 | | Buildings | 8.77 | 10.76 | | Low vegetation | 9.38 | 10.97 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.13 | 89.49 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 18:54:50,086 - mmseg - INFO - Summary: 2021-11-25 18:54:50,087 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 12.28 | 6.09 | 21.17 | +-------+------+-------+ 2021-11-25 18:54:50,088 - mmseg - INFO - Epoch(val) [33][255] aAcc: 0.1228, mIoU: 0.0609, mAcc: 0.2117, IoU.Impervious surface: 0.1527, IoU.Buildings: 0.0877, IoU.Low vegetation: 0.0938, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0313, IoU.Background: nan, Acc.Impervious surface: 0.1581, Acc.Buildings: 0.1076, Acc.Low vegetation: 0.1097, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8949, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:56:11,901 - mmseg - INFO - Epoch [34][90/450] lr: 8.508e-03, eta: 14:35:48, time: 0.908, data_time: 0.233, memory: 7603, decode.loss_ce: 0.1953, decode.acc_seg: 92.5888, aux.loss_ce: 0.1058, aux.acc_seg: 90.2668, loss: 0.3011 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:57:14,171 - mmseg - INFO - Epoch [34][180/450] lr: 8.499e-03, eta: 14:34:42, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2054, decode.acc_seg: 92.3677, aux.loss_ce: 0.1079, aux.acc_seg: 90.3578, loss: 0.3133 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:58:16,555 - mmseg - INFO - Epoch [34][270/450] lr: 8.490e-03, eta: 14:33:36, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2234, decode.acc_seg: 91.5368, aux.loss_ce: 0.1163, aux.acc_seg: 89.2667, loss: 0.3397 2021-11-25 18:59:12,334 - mmseg - INFO - Saving checkpoint at 15200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 18:59:19,944 - mmseg - INFO - Epoch [34][360/450] lr: 8.481e-03, eta: 14:32:34, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1918, decode.acc_seg: 92.6990, aux.loss_ce: 0.1064, aux.acc_seg: 90.2375, loss: 0.2982 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:00:22,815 - mmseg - INFO - Epoch [34][450/450] lr: 8.472e-03, eta: 14:31:31, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2046, decode.acc_seg: 92.3541, aux.loss_ce: 0.1095, aux.acc_seg: 90.1424, loss: 0.3141
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1107s, ETA: 0s
2021-11-25 19:18:50,348 - mmseg - INFO - per class results: 2021-11-25 19:18:50,350 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 16.33 | 18.17 | | Buildings | 20.51 | 26.23 | | Low vegetation | 10.41 | 11.36 | | Trees | 4.11 | 4.16 | | Cars | 0.0 | 0.0 | | Clutter | 2.91 | 83.5 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 19:18:50,350 - mmseg - INFO - Summary: 2021-11-25 19:18:50,351 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 18.46 | 9.05 | 23.9 | +-------+------+------+ 2021-11-25 19:18:50,354 - mmseg - INFO - Epoch(val) [34][255] aAcc: 0.1846, mIoU: 0.0905, mAcc: 0.2390, IoU.Impervious surface: 0.1633, IoU.Buildings: 0.2051, IoU.Low vegetation: 0.1041, IoU.Trees: 0.0411, IoU.Cars: 0.0000, IoU.Clutter: 0.0291, IoU.Background: nan, Acc.Impervious surface: 0.1817, Acc.Buildings: 0.2623, Acc.Low vegetation: 0.1136, Acc.Trees: 0.0416, Acc.Cars: 0.0000, Acc.Clutter: 0.8350, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:20:02,529 - mmseg - INFO - Epoch [35][90/450] lr: 8.463e-03, eta: 14:31:12, time: 0.801, data_time: 0.126, memory: 7603, decode.loss_ce: 0.2047, decode.acc_seg: 92.2784, aux.loss_ce: 0.1119, aux.acc_seg: 89.7956, loss: 0.3166 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:21:04,750 - mmseg - INFO - Epoch [35][180/450] lr: 8.453e-03, eta: 14:30:05, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2052, decode.acc_seg: 92.2330, aux.loss_ce: 0.1132, aux.acc_seg: 89.6764, loss: 0.3184 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:22:07,116 - mmseg - INFO - Epoch [35][270/450] lr: 8.444e-03, eta: 14:28:59, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1868, decode.acc_seg: 92.9519, aux.loss_ce: 0.1018, aux.acc_seg: 90.8183, loss: 0.2886 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:23:10,063 - mmseg - INFO - Epoch [35][360/450] lr: 8.435e-03, eta: 14:27:55, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2020, decode.acc_seg: 92.3242, aux.loss_ce: 0.1127, aux.acc_seg: 90.0004, loss: 0.3147 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:24:12,619 - mmseg - INFO - Epoch [35][450/450] lr: 8.426e-03, eta: 14:26:50, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1877, decode.acc_seg: 92.8949, aux.loss_ce: 0.1035, aux.acc_seg: 90.4558, loss: 0.2912
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1145s, ETA: 0s
2021-11-25 19:43:17,980 - mmseg - INFO - per class results: 2021-11-25 19:43:17,982 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 32.48 | 43.72 | | Buildings | 16.04 | 18.41 | | Low vegetation | 26.08 | 49.14 | | Trees | 0.0 | 0.0 | | Cars | 0.04 | 0.05 | | Clutter | 1.87 | 44.01 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 19:43:17,982 - mmseg - INFO - Summary: 2021-11-25 19:43:17,983 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.64 | 12.75 | 25.89 | +-------+-------+-------+ 2021-11-25 19:43:17,984 - mmseg - INFO - Epoch(val) [35][255] aAcc: 0.3064, mIoU: 0.1275, mAcc: 0.2589, IoU.Impervious surface: 0.3248, IoU.Buildings: 0.1604, IoU.Low vegetation: 0.2608, IoU.Trees: 0.0000, IoU.Cars: 0.0004, IoU.Clutter: 0.0187, IoU.Background: nan, Acc.Impervious surface: 0.4372, Acc.Buildings: 0.1841, Acc.Low vegetation: 0.4914, Acc.Trees: 0.0000, Acc.Cars: 0.0005, Acc.Clutter: 0.4401, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:44:41,580 - mmseg - INFO - Epoch [36][90/450] lr: 8.417e-03, eta: 14:27:23, time: 0.928, data_time: 0.250, memory: 7603, decode.loss_ce: 0.1721, decode.acc_seg: 93.4208, aux.loss_ce: 0.0947, aux.acc_seg: 91.3329, loss: 0.2668 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:45:43,779 - mmseg - INFO - Epoch [36][180/450] lr: 8.408e-03, eta: 14:26:15, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1785, decode.acc_seg: 93.2534, aux.loss_ce: 0.0972, aux.acc_seg: 91.1361, loss: 0.2757 2021-11-25 19:46:32,243 - mmseg - INFO - Saving checkpoint at 16000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:46:46,909 - mmseg - INFO - Epoch [36][270/450] lr: 8.399e-03, eta: 14:25:12, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1790, decode.acc_seg: 93.1560, aux.loss_ce: 0.0997, aux.acc_seg: 90.8791, loss: 0.2787 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:47:49,806 - mmseg - INFO - Epoch [36][360/450] lr: 8.390e-03, eta: 14:24:07, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1711, decode.acc_seg: 93.4588, aux.loss_ce: 0.0940, aux.acc_seg: 91.4757, loss: 0.2651 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 19:48:52,395 - mmseg - INFO - Epoch [36][450/450] lr: 8.381e-03, eta: 14:23:02, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1630, decode.acc_seg: 93.8243, aux.loss_ce: 0.0903, aux.acc_seg: 91.7529, loss: 0.2534
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1145s, ETA: 0s
2021-11-25 20:07:57,073 - mmseg - INFO - per class results: 2021-11-25 20:07:57,074 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 26.01 | 37.73 | | Buildings | 31.93 | 42.76 | | Low vegetation | 16.3 | 34.8 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.16 | 22.09 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 20:07:57,075 - mmseg - INFO - Summary: 2021-11-25 20:07:57,075 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 33.26 | 12.73 | 22.9 | +-------+-------+------+ 2021-11-25 20:07:57,077 - mmseg - INFO - Epoch(val) [36][255] aAcc: 0.3326, mIoU: 0.1273, mAcc: 0.2290, IoU.Impervious surface: 0.2601, IoU.Buildings: 0.3193, IoU.Low vegetation: 0.1630, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0216, IoU.Background: nan, Acc.Impervious surface: 0.3773, Acc.Buildings: 0.4276, Acc.Low vegetation: 0.3480, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.2209, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:09:02,978 - mmseg - INFO - Epoch [37][90/450] lr: 8.372e-03, eta: 14:22:11, time: 0.732, data_time: 0.053, memory: 7603, decode.loss_ce: 0.1856, decode.acc_seg: 93.0521, aux.loss_ce: 0.1047, aux.acc_seg: 90.5616, loss: 0.2904 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:10:05,159 - mmseg - INFO - Epoch [37][180/450] lr: 8.363e-03, eta: 14:21:03, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2010, decode.acc_seg: 92.4297, aux.loss_ce: 0.1073, aux.acc_seg: 90.3891, loss: 0.3083 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:11:07,425 - mmseg - INFO - Epoch [37][270/450] lr: 8.354e-03, eta: 14:19:56, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1697, decode.acc_seg: 93.6032, aux.loss_ce: 0.0953, aux.acc_seg: 91.3641, loss: 0.2650 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:12:10,313 - mmseg - INFO - Epoch [37][360/450] lr: 8.344e-03, eta: 14:18:52, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1690, decode.acc_seg: 93.4663, aux.loss_ce: 0.0949, aux.acc_seg: 91.3548, loss: 0.2638 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:13:12,911 - mmseg - INFO - Epoch [37][450/450] lr: 8.335e-03, eta: 14:17:46, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1871, decode.acc_seg: 92.8178, aux.loss_ce: 0.1007, aux.acc_seg: 90.8127, loss: 0.2878
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1143s, ETA: 0s
2021-11-25 20:32:15,817 - mmseg - INFO - per class results: 2021-11-25 20:32:15,818 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.86 | 13.42 | | Buildings | 64.94 | 98.27 | | Low vegetation | 1.79 | 1.83 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 0.86 | 1.56 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 20:32:15,819 - mmseg - INFO - Summary: 2021-11-25 20:32:15,819 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 36.19 | 13.08 | 19.18 | +-------+-------+-------+ 2021-11-25 20:32:15,821 - mmseg - INFO - Epoch(val) [37][255] aAcc: 0.3619, mIoU: 0.1308, mAcc: 0.1918, IoU.Impervious surface: 0.1086, IoU.Buildings: 0.6494, IoU.Low vegetation: 0.0179, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0086, IoU.Background: nan, Acc.Impervious surface: 0.1342, Acc.Buildings: 0.9827, Acc.Low vegetation: 0.0183, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.0156, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:33:39,285 - mmseg - INFO - Epoch [38][90/450] lr: 8.326e-03, eta: 14:18:11, time: 0.926, data_time: 0.250, memory: 7603, decode.loss_ce: 0.1873, decode.acc_seg: 92.8778, aux.loss_ce: 0.1058, aux.acc_seg: 90.3710, loss: 0.2931 2021-11-25 20:34:20,672 - mmseg - INFO - Saving checkpoint at 16800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:34:42,298 - mmseg - INFO - Epoch [38][180/450] lr: 8.317e-03, eta: 14:17:07, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1787, decode.acc_seg: 93.1800, aux.loss_ce: 0.0962, aux.acc_seg: 91.1965, loss: 0.2748 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:35:44,491 - mmseg - INFO - Epoch [38][270/450] lr: 8.308e-03, eta: 14:15:59, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1693, decode.acc_seg: 93.6237, aux.loss_ce: 0.0907, aux.acc_seg: 91.7593, loss: 0.2600 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:36:47,109 - mmseg - INFO - Epoch [38][360/450] lr: 8.299e-03, eta: 14:14:53, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1708, decode.acc_seg: 93.4879, aux.loss_ce: 0.0924, aux.acc_seg: 91.4967, loss: 0.2632 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 20:37:49,932 - mmseg - INFO - Epoch [38][450/450] lr: 8.290e-03, eta: 14:13:48, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1723, decode.acc_seg: 93.4067, aux.loss_ce: 0.0968, aux.acc_seg: 91.1496, loss: 0.2692
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1288s, ETA: 0s
2021-11-25 20:59:18,329 - mmseg - INFO - per class results: 2021-11-25 20:59:18,332 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 22.47 | 28.07 | | Buildings | 33.71 | 53.33 | | Low vegetation | 6.09 | 6.44 | | Trees | 15.15 | 19.43 | | Cars | 0.0 | 0.0 | | Clutter | 2.28 | 47.82 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 20:59:18,333 - mmseg - INFO - Summary: 2021-11-25 20:59:18,333 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.59 | 13.28 | 25.85 | +-------+-------+-------+ 2021-11-25 20:59:18,335 - mmseg - INFO - Epoch(val) [38][255] aAcc: 0.3059, mIoU: 0.1328, mAcc: 0.2585, IoU.Impervious surface: 0.2247, IoU.Buildings: 0.3371, IoU.Low vegetation: 0.0609, IoU.Trees: 0.1515, IoU.Cars: 0.0000, IoU.Clutter: 0.0228, IoU.Background: nan, Acc.Impervious surface: 0.2807, Acc.Buildings: 0.5333, Acc.Low vegetation: 0.0644, Acc.Trees: 0.1943, Acc.Cars: 0.0000, Acc.Clutter: 0.4782, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:00:38,610 - mmseg - INFO - Epoch [39][90/450] lr: 8.281e-03, eta: 14:13:57, time: 0.891, data_time: 0.213, memory: 7603, decode.loss_ce: 0.1815, decode.acc_seg: 93.1275, aux.loss_ce: 0.0994, aux.acc_seg: 91.0482, loss: 0.2809 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:01:40,527 - mmseg - INFO - Epoch [39][180/450] lr: 8.272e-03, eta: 14:12:47, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1735, decode.acc_seg: 93.3497, aux.loss_ce: 0.0970, aux.acc_seg: 91.2250, loss: 0.2705 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:02:42,950 - mmseg - INFO - Epoch [39][270/450] lr: 8.263e-03, eta: 14:11:40, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1751, decode.acc_seg: 93.3441, aux.loss_ce: 0.0963, aux.acc_seg: 91.1460, loss: 0.2714 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:03:45,444 - mmseg - INFO - Epoch [39][360/450] lr: 8.253e-03, eta: 14:10:34, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1857, decode.acc_seg: 92.8992, aux.loss_ce: 0.1069, aux.acc_seg: 90.2308, loss: 0.2925 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:04:48,322 - mmseg - INFO - Epoch [39][450/450] lr: 8.244e-03, eta: 14:09:28, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2142, decode.acc_seg: 92.0746, aux.loss_ce: 0.1145, aux.acc_seg: 89.6611, loss: 0.3286
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1141s, ETA: 0s
2021-11-25 21:23:49,554 - mmseg - INFO - per class results: 2021-11-25 21:23:49,555 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 11.98 | 13.23 | | Buildings | 46.52 | 79.25 | | Low vegetation | 4.57 | 4.62 | | Trees | 5.91 | 6.71 | | Cars | 0.0 | 0.0 | | Clutter | 2.46 | 32.5 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 21:23:49,556 - mmseg - INFO - Summary: 2021-11-25 21:23:49,557 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 31.91 | 11.91 | 22.72 | +-------+-------+-------+ 2021-11-25 21:23:49,558 - mmseg - INFO - Epoch(val) [39][255] aAcc: 0.3191, mIoU: 0.1191, mAcc: 0.2272, IoU.Impervious surface: 0.1198, IoU.Buildings: 0.4652, IoU.Low vegetation: 0.0457, IoU.Trees: 0.0591, IoU.Cars: 0.0000, IoU.Clutter: 0.0246, IoU.Background: nan, Acc.Impervious surface: 0.1323, Acc.Buildings: 0.7925, Acc.Low vegetation: 0.0462, Acc.Trees: 0.0671, Acc.Cars: 0.0000, Acc.Clutter: 0.3250, Acc.Background: nan 2021-11-25 21:24:32,214 - mmseg - INFO - Saving checkpoint at 17600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:25:00,485 - mmseg - INFO - Epoch [40][90/450] lr: 8.235e-03, eta: 14:08:56, time: 0.787, data_time: 0.100, memory: 7603, decode.loss_ce: 0.2656, decode.acc_seg: 90.1769, aux.loss_ce: 0.1467, aux.acc_seg: 86.7875, loss: 0.4122 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:26:02,447 - mmseg - INFO - Epoch [40][180/450] lr: 8.226e-03, eta: 14:07:47, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2400, decode.acc_seg: 91.0034, aux.loss_ce: 0.1269, aux.acc_seg: 88.5069, loss: 0.3669 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:27:04,980 - mmseg - INFO - Epoch [40][270/450] lr: 8.217e-03, eta: 14:06:40, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2062, decode.acc_seg: 92.2245, aux.loss_ce: 0.1136, aux.acc_seg: 89.6593, loss: 0.3197 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:28:07,442 - mmseg - INFO - Epoch [40][360/450] lr: 8.208e-03, eta: 14:05:34, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1829, decode.acc_seg: 93.0401, aux.loss_ce: 0.1018, aux.acc_seg: 90.6805, loss: 0.2847 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:29:10,487 - mmseg - INFO - Epoch [40][450/450] lr: 8.199e-03, eta: 14:04:29, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1886, decode.acc_seg: 92.8098, aux.loss_ce: 0.1034, aux.acc_seg: 90.5044, loss: 0.2920
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1100s, ETA: 0s
2021-11-25 21:47:30,604 - mmseg - INFO - per class results: 2021-11-25 21:47:30,605 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 16.16 | 20.58 | | Buildings | 10.77 | 14.52 | | Low vegetation | 2.15 | 2.21 | | Trees | 0.08 | 0.08 | | Cars | 0.03 | 0.03 | | Clutter | 3.07 | 81.52 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 21:47:30,606 - mmseg - INFO - Summary: 2021-11-25 21:47:30,607 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 13.19 | 5.38 | 19.82 | +-------+------+-------+ 2021-11-25 21:47:30,608 - mmseg - INFO - Epoch(val) [40][255] aAcc: 0.1319, mIoU: 0.0538, mAcc: 0.1982, IoU.Impervious surface: 0.1616, IoU.Buildings: 0.1077, IoU.Low vegetation: 0.0215, IoU.Trees: 0.0008, IoU.Cars: 0.0003, IoU.Clutter: 0.0307, IoU.Background: nan, Acc.Impervious surface: 0.2058, Acc.Buildings: 0.1452, Acc.Low vegetation: 0.0221, Acc.Trees: 0.0008, Acc.Cars: 0.0003, Acc.Clutter: 0.8152, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:48:53,138 - mmseg - INFO - Epoch [41][90/450] lr: 8.190e-03, eta: 14:04:42, time: 0.916, data_time: 0.239, memory: 7603, decode.loss_ce: 0.1925, decode.acc_seg: 92.6684, aux.loss_ce: 0.1052, aux.acc_seg: 90.4437, loss: 0.2977 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:49:55,269 - mmseg - INFO - Epoch [41][180/450] lr: 8.181e-03, eta: 14:03:33, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2133, decode.acc_seg: 91.9589, aux.loss_ce: 0.1153, aux.acc_seg: 89.6893, loss: 0.3286 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:50:57,587 - mmseg - INFO - Epoch [41][270/450] lr: 8.171e-03, eta: 14:02:25, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2253, decode.acc_seg: 91.5946, aux.loss_ce: 0.1184, aux.acc_seg: 89.2124, loss: 0.3436 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:52:00,361 - mmseg - INFO - Epoch [41][360/450] lr: 8.162e-03, eta: 14:01:19, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1843, decode.acc_seg: 92.9548, aux.loss_ce: 0.1008, aux.acc_seg: 90.7977, loss: 0.2852 2021-11-25 21:52:28,066 - mmseg - INFO - Saving checkpoint at 18400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 21:53:03,775 - mmseg - INFO - Epoch [41][450/450] lr: 8.153e-03, eta: 14:00:16, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2158, decode.acc_seg: 91.9497, aux.loss_ce: 0.1207, aux.acc_seg: 89.1306, loss: 0.3365
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1115s, ETA: 0s
2021-11-25 22:11:39,015 - mmseg - INFO - per class results: 2021-11-25 22:11:39,017 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.77 | 15.41 | | Buildings | 9.07 | 11.19 | | Low vegetation | 37.62 | 46.81 | | Trees | 7.62 | 8.3 | | Cars | 0.0 | 0.0 | | Clutter | 3.27 | 79.96 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 22:11:39,018 - mmseg - INFO - Summary: 2021-11-25 22:11:39,018 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 20.19 | 12.06 | 26.94 | +-------+-------+-------+ 2021-11-25 22:11:39,020 - mmseg - INFO - Epoch(val) [41][255] aAcc: 0.2019, mIoU: 0.1206, mAcc: 0.2694, IoU.Impervious surface: 0.1477, IoU.Buildings: 0.0907, IoU.Low vegetation: 0.3762, IoU.Trees: 0.0762, IoU.Cars: 0.0000, IoU.Clutter: 0.0327, IoU.Background: nan, Acc.Impervious surface: 0.1541, Acc.Buildings: 0.1119, Acc.Low vegetation: 0.4681, Acc.Trees: 0.0830, Acc.Cars: 0.0000, Acc.Clutter: 0.7996, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:12:45,517 - mmseg - INFO - Epoch [42][90/450] lr: 8.144e-03, eta: 13:59:24, time: 0.738, data_time: 0.060, memory: 7603, decode.loss_ce: 0.1918, decode.acc_seg: 92.8260, aux.loss_ce: 0.1070, aux.acc_seg: 90.3572, loss: 0.2988 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:13:47,741 - mmseg - INFO - Epoch [42][180/450] lr: 8.135e-03, eta: 13:58:16, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2036, decode.acc_seg: 92.3528, aux.loss_ce: 0.1145, aux.acc_seg: 89.6307, loss: 0.3182 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:14:49,857 - mmseg - INFO - Epoch [42][270/450] lr: 8.126e-03, eta: 13:57:08, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1766, decode.acc_seg: 93.1954, aux.loss_ce: 0.0971, aux.acc_seg: 91.0692, loss: 0.2737 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:15:52,597 - mmseg - INFO - Epoch [42][360/450] lr: 8.117e-03, eta: 13:56:02, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1598, decode.acc_seg: 93.8861, aux.loss_ce: 0.0892, aux.acc_seg: 91.8445, loss: 0.2490 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:16:55,281 - mmseg - INFO - Epoch [42][450/450] lr: 8.108e-03, eta: 13:54:55, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1879, decode.acc_seg: 92.8392, aux.loss_ce: 0.1068, aux.acc_seg: 90.3468, loss: 0.2947
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1094s, ETA: 0s
2021-11-25 22:35:09,503 - mmseg - INFO - per class results: 2021-11-25 22:35:09,505 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 3.39 | 3.48 | | Buildings | 21.1 | 32.64 | | Low vegetation | 0.9 | 0.9 | | Trees | 0.23 | 0.23 | | Cars | 0.0 | 0.0 | | Clutter | 2.83 | 74.94 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-25 22:35:09,506 - mmseg - INFO - Summary: 2021-11-25 22:35:09,506 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 13.04 | 4.74 | 18.7 | +-------+------+------+ 2021-11-25 22:35:09,509 - mmseg - INFO - Epoch(val) [42][255] aAcc: 0.1304, mIoU: 0.0474, mAcc: 0.1870, IoU.Impervious surface: 0.0339, IoU.Buildings: 0.2110, IoU.Low vegetation: 0.0090, IoU.Trees: 0.0023, IoU.Cars: 0.0000, IoU.Clutter: 0.0283, IoU.Background: nan, Acc.Impervious surface: 0.0348, Acc.Buildings: 0.3264, Acc.Low vegetation: 0.0090, Acc.Trees: 0.0023, Acc.Cars: 0.0000, Acc.Clutter: 0.7494, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:36:15,623 - mmseg - INFO - Epoch [43][90/450] lr: 8.099e-03, eta: 13:54:02, time: 0.734, data_time: 0.054, memory: 7603, decode.loss_ce: 0.1743, decode.acc_seg: 93.4768, aux.loss_ce: 0.0957, aux.acc_seg: 91.3337, loss: 0.2701 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:37:17,680 - mmseg - INFO - Epoch [43][180/450] lr: 8.089e-03, eta: 13:52:53, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2744, decode.acc_seg: 90.2761, aux.loss_ce: 0.1419, aux.acc_seg: 87.4850, loss: 0.4163 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:38:20,127 - mmseg - INFO - Epoch [43][270/450] lr: 8.080e-03, eta: 13:51:46, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2057, decode.acc_seg: 92.1449, aux.loss_ce: 0.1119, aux.acc_seg: 89.7588, loss: 0.3176 2021-11-25 22:38:40,809 - mmseg - INFO - Saving checkpoint at 19200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:39:23,076 - mmseg - INFO - Epoch [43][360/450] lr: 8.071e-03, eta: 13:50:41, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1796, decode.acc_seg: 93.2565, aux.loss_ce: 0.1064, aux.acc_seg: 90.4433, loss: 0.2859 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 22:40:25,746 - mmseg - INFO - Epoch [43][450/450] lr: 8.062e-03, eta: 13:49:35, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1721, decode.acc_seg: 93.4565, aux.loss_ce: 0.0972, aux.acc_seg: 91.1112, loss: 0.2694
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1114s, ETA: 0s
2021-11-25 22:59:00,239 - mmseg - INFO - per class results: 2021-11-25 22:59:00,241 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 11.83 | 12.35 | | Buildings | 14.31 | 19.15 | | Low vegetation | 13.11 | 15.68 | | Trees | 5.23 | 5.74 | | Cars | 0.0 | 0.0 | | Clutter | 2.72 | 78.14 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 22:59:00,243 - mmseg - INFO - Summary: 2021-11-25 22:59:00,244 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 15.25 | 7.87 | 21.85 | +-------+------+-------+ 2021-11-25 22:59:00,246 - mmseg - INFO - Epoch(val) [43][255] aAcc: 0.1525, mIoU: 0.0787, mAcc: 0.2185, IoU.Impervious surface: 0.1183, IoU.Buildings: 0.1431, IoU.Low vegetation: 0.1311, IoU.Trees: 0.0523, IoU.Cars: 0.0000, IoU.Clutter: 0.0272, IoU.Background: nan, Acc.Impervious surface: 0.1235, Acc.Buildings: 0.1915, Acc.Low vegetation: 0.1568, Acc.Trees: 0.0574, Acc.Cars: 0.0000, Acc.Clutter: 0.7814, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:00:23,260 - mmseg - INFO - Epoch [44][90/450] lr: 8.053e-03, eta: 13:49:43, time: 0.922, data_time: 0.242, memory: 7603, decode.loss_ce: 0.1791, decode.acc_seg: 93.0652, aux.loss_ce: 0.1014, aux.acc_seg: 90.5666, loss: 0.2805 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:01:25,182 - mmseg - INFO - Epoch [44][180/450] lr: 8.044e-03, eta: 13:48:33, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1709, decode.acc_seg: 93.4079, aux.loss_ce: 0.0934, aux.acc_seg: 91.4111, loss: 0.2644 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:02:27,689 - mmseg - INFO - Epoch [44][270/450] lr: 8.035e-03, eta: 13:47:26, time: 0.695, data_time: 0.003, memory: 7603, decode.loss_ce: 0.1570, decode.acc_seg: 93.9298, aux.loss_ce: 0.0870, aux.acc_seg: 92.0298, loss: 0.2440 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:03:30,082 - mmseg - INFO - Epoch [44][360/450] lr: 8.026e-03, eta: 13:46:19, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1694, decode.acc_seg: 93.5900, aux.loss_ce: 0.0965, aux.acc_seg: 91.2383, loss: 0.2659 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:04:32,901 - mmseg - INFO - Epoch [44][450/450] lr: 8.016e-03, eta: 13:45:13, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1624, decode.acc_seg: 93.7811, aux.loss_ce: 0.0881, aux.acc_seg: 91.9311, loss: 0.2505
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1122s, ETA: 0s
2021-11-25 23:23:14,586 - mmseg - INFO - per class results: 2021-11-25 23:23:14,588 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.69 | 16.1 | | Buildings | 13.67 | 18.66 | | Low vegetation | 20.78 | 25.19 | | Trees | 14.84 | 21.98 | | Cars | 0.0 | 0.0 | | Clutter | 2.31 | 62.26 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 23:23:14,589 - mmseg - INFO - Summary: 2021-11-25 23:23:14,590 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 19.84 | 11.21 | 24.03 | +-------+-------+-------+ 2021-11-25 23:23:14,592 - mmseg - INFO - Epoch(val) [44][255] aAcc: 0.1984, mIoU: 0.1121, mAcc: 0.2403, IoU.Impervious surface: 0.1569, IoU.Buildings: 0.1367, IoU.Low vegetation: 0.2078, IoU.Trees: 0.1484, IoU.Cars: 0.0000, IoU.Clutter: 0.0231, IoU.Background: nan, Acc.Impervious surface: 0.1610, Acc.Buildings: 0.1866, Acc.Low vegetation: 0.2519, Acc.Trees: 0.2198, Acc.Cars: 0.0000, Acc.Clutter: 0.6226, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:24:33,609 - mmseg - INFO - Epoch [45][90/450] lr: 8.007e-03, eta: 13:45:04, time: 0.877, data_time: 0.200, memory: 7603, decode.loss_ce: 0.1678, decode.acc_seg: 93.5564, aux.loss_ce: 0.0899, aux.acc_seg: 91.6803, loss: 0.2578 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:25:35,854 - mmseg - INFO - Epoch [45][180/450] lr: 7.998e-03, eta: 13:43:56, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1597, decode.acc_seg: 93.8969, aux.loss_ce: 0.0857, aux.acc_seg: 92.2079, loss: 0.2454 2021-11-25 23:25:49,544 - mmseg - INFO - Saving checkpoint at 20000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:26:38,692 - mmseg - INFO - Epoch [45][270/450] lr: 7.989e-03, eta: 13:42:50, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1633, decode.acc_seg: 93.8374, aux.loss_ce: 0.0901, aux.acc_seg: 91.8648, loss: 0.2533 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:27:41,240 - mmseg - INFO - Epoch [45][360/450] lr: 7.980e-03, eta: 13:41:43, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1479, decode.acc_seg: 94.3261, aux.loss_ce: 0.0860, aux.acc_seg: 92.1410, loss: 0.2338 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:28:44,016 - mmseg - INFO - Epoch [45][450/450] lr: 7.971e-03, eta: 13:40:37, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1712, decode.acc_seg: 93.6060, aux.loss_ce: 0.0976, aux.acc_seg: 91.2439, loss: 0.2688
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1140s, ETA: 0s
2021-11-25 23:47:44,454 - mmseg - INFO - per class results: 2021-11-25 23:47:44,455 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.64 | 17.42 | | Buildings | 27.12 | 36.23 | | Low vegetation | 29.66 | 38.38 | | Trees | 11.66 | 15.68 | | Cars | 0.0 | 0.0 | | Clutter | 1.96 | 53.93 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-25 23:47:44,456 - mmseg - INFO - Summary: 2021-11-25 23:47:44,457 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 27.62 | 14.34 | 26.94 | +-------+-------+-------+ 2021-11-25 23:47:44,458 - mmseg - INFO - Epoch(val) [45][255] aAcc: 0.2762, mIoU: 0.1434, mAcc: 0.2694, IoU.Impervious surface: 0.1564, IoU.Buildings: 0.2712, IoU.Low vegetation: 0.2966, IoU.Trees: 0.1166, IoU.Cars: 0.0000, IoU.Clutter: 0.0196, IoU.Background: nan, Acc.Impervious surface: 0.1742, Acc.Buildings: 0.3623, Acc.Low vegetation: 0.3838, Acc.Trees: 0.1568, Acc.Cars: 0.0000, Acc.Clutter: 0.5393, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:49:06,987 - mmseg - INFO - Epoch [46][90/450] lr: 7.962e-03, eta: 13:40:38, time: 0.916, data_time: 0.238, memory: 7603, decode.loss_ce: 0.1642, decode.acc_seg: 93.6955, aux.loss_ce: 0.0936, aux.acc_seg: 91.4597, loss: 0.2578 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:50:09,154 - mmseg - INFO - Epoch [46][180/450] lr: 7.952e-03, eta: 13:39:30, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1580, decode.acc_seg: 93.9511, aux.loss_ce: 0.0860, aux.acc_seg: 92.1097, loss: 0.2440 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:51:11,274 - mmseg - INFO - Epoch [46][270/450] lr: 7.943e-03, eta: 13:38:21, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1967, decode.acc_seg: 92.3825, aux.loss_ce: 0.1081, aux.acc_seg: 90.1736, loss: 0.3048 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:52:13,978 - mmseg - INFO - Epoch [46][360/450] lr: 7.934e-03, eta: 13:37:14, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1725, decode.acc_seg: 93.3960, aux.loss_ce: 0.0975, aux.acc_seg: 91.0822, loss: 0.2700 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-25 23:53:16,589 - mmseg - INFO - Epoch [46][450/450] lr: 7.925e-03, eta: 13:36:07, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1596, decode.acc_seg: 93.9207, aux.loss_ce: 0.0927, aux.acc_seg: 91.7129, loss: 0.2523
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1122s, ETA: 0s
2021-11-26 00:11:58,497 - mmseg - INFO - per class results: 2021-11-26 00:11:58,498 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 19.6 | 24.69 | | Buildings | 17.1 | 19.43 | | Low vegetation | 21.04 | 28.0 | | Trees | 9.67 | 11.99 | | Cars | 0.0 | 0.0 | | Clutter | 2.59 | 68.75 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 00:11:58,499 - mmseg - INFO - Summary: 2021-11-26 00:11:58,499 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 22.39 | 11.67 | 25.48 | +-------+-------+-------+ 2021-11-26 00:11:58,501 - mmseg - INFO - Epoch(val) [46][255] aAcc: 0.2239, mIoU: 0.1167, mAcc: 0.2548, IoU.Impervious surface: 0.1960, IoU.Buildings: 0.1710, IoU.Low vegetation: 0.2104, IoU.Trees: 0.0967, IoU.Cars: 0.0000, IoU.Clutter: 0.0259, IoU.Background: nan, Acc.Impervious surface: 0.2469, Acc.Buildings: 0.1943, Acc.Low vegetation: 0.2800, Acc.Trees: 0.1199, Acc.Cars: 0.0000, Acc.Clutter: 0.6875, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:13:19,571 - mmseg - INFO - Epoch [47][90/450] lr: 7.916e-03, eta: 13:36:02, time: 0.900, data_time: 0.223, memory: 7603, decode.loss_ce: 0.1793, decode.acc_seg: 93.2538, aux.loss_ce: 0.0983, aux.acc_seg: 91.0629, loss: 0.2777 2021-11-26 00:13:26,555 - mmseg - INFO - Saving checkpoint at 20800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:14:22,514 - mmseg - INFO - Epoch [47][180/450] lr: 7.907e-03, eta: 13:34:56, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1518, decode.acc_seg: 94.1501, aux.loss_ce: 0.0846, aux.acc_seg: 92.2530, loss: 0.2364 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:15:24,879 - mmseg - INFO - Epoch [47][270/450] lr: 7.898e-03, eta: 13:33:48, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1391, decode.acc_seg: 94.6070, aux.loss_ce: 0.0815, aux.acc_seg: 92.5487, loss: 0.2206 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:16:27,692 - mmseg - INFO - Epoch [47][360/450] lr: 7.888e-03, eta: 13:32:41, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1713, decode.acc_seg: 93.4932, aux.loss_ce: 0.0920, aux.acc_seg: 91.4865, loss: 0.2633 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:17:30,539 - mmseg - INFO - Epoch [47][450/450] lr: 7.879e-03, eta: 13:31:35, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2091, decode.acc_seg: 92.0237, aux.loss_ce: 0.1172, aux.acc_seg: 89.1786, loss: 0.3263
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1148s, ETA: 0s
2021-11-26 00:36:39,104 - mmseg - INFO - per class results: 2021-11-26 00:36:39,106 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.73 | 3.83 | | Buildings | 66.54 | 99.73 | | Low vegetation | 2.14 | 2.17 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 1.38 | 2.45 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 00:36:39,107 - mmseg - INFO - Summary: 2021-11-26 00:36:39,108 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 33.6 | 12.3 | 18.03 | +------+------+-------+ 2021-11-26 00:36:39,109 - mmseg - INFO - Epoch(val) [47][255] aAcc: 0.3360, mIoU: 0.1230, mAcc: 0.1803, IoU.Impervious surface: 0.0373, IoU.Buildings: 0.6654, IoU.Low vegetation: 0.0214, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0138, IoU.Background: nan, Acc.Impervious surface: 0.0383, Acc.Buildings: 0.9973, Acc.Low vegetation: 0.0217, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.0245, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:38:02,093 - mmseg - INFO - Epoch [48][90/450] lr: 7.870e-03, eta: 13:31:34, time: 0.921, data_time: 0.243, memory: 7603, decode.loss_ce: 0.1821, decode.acc_seg: 93.1142, aux.loss_ce: 0.1027, aux.acc_seg: 90.6532, loss: 0.2848 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:39:03,953 - mmseg - INFO - Epoch [48][180/450] lr: 7.861e-03, eta: 13:30:24, time: 0.687, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1717, decode.acc_seg: 93.4218, aux.loss_ce: 0.0967, aux.acc_seg: 91.1508, loss: 0.2683 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:40:06,401 - mmseg - INFO - Epoch [48][270/450] lr: 7.852e-03, eta: 13:29:16, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1631, decode.acc_seg: 93.7183, aux.loss_ce: 0.0899, aux.acc_seg: 91.7732, loss: 0.2529 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:41:09,270 - mmseg - INFO - Epoch [48][360/450] lr: 7.843e-03, eta: 13:28:10, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1524, decode.acc_seg: 94.2100, aux.loss_ce: 0.0871, aux.acc_seg: 92.0305, loss: 0.2394 2021-11-26 00:42:11,895 - mmseg - INFO - Saving checkpoint at 21600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 00:42:12,757 - mmseg - INFO - Epoch [48][450/450] lr: 7.833e-03, eta: 13:27:05, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1538, decode.acc_seg: 94.0861, aux.loss_ce: 0.0879, aux.acc_seg: 91.9350, loss: 0.2416
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1155s, ETA: 0s
2021-11-26 01:01:28,082 - mmseg - INFO - per class results: 2021-11-26 01:01:28,083 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.89 | 26.59 | | Buildings | 52.26 | 84.02 | | Low vegetation | 3.16 | 3.23 | | Trees | 0.08 | 0.08 | | Cars | 0.0 | 0.0 | | Clutter | 2.6 | 26.45 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 01:01:28,084 - mmseg - INFO - Summary: 2021-11-26 01:01:28,085 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 36.64 | 12.83 | 23.39 | +-------+-------+-------+ 2021-11-26 01:01:28,086 - mmseg - INFO - Epoch(val) [48][255] aAcc: 0.3664, mIoU: 0.1283, mAcc: 0.2339, IoU.Impervious surface: 0.1889, IoU.Buildings: 0.5226, IoU.Low vegetation: 0.0316, IoU.Trees: 0.0008, IoU.Cars: 0.0000, IoU.Clutter: 0.0260, IoU.Background: nan, Acc.Impervious surface: 0.2659, Acc.Buildings: 0.8402, Acc.Low vegetation: 0.0323, Acc.Trees: 0.0008, Acc.Cars: 0.0000, Acc.Clutter: 0.2645, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:02:34,064 - mmseg - INFO - Epoch [49][90/450] lr: 7.824e-03, eta: 13:26:09, time: 0.732, data_time: 0.052, memory: 7603, decode.loss_ce: 0.1548, decode.acc_seg: 94.1351, aux.loss_ce: 0.0918, aux.acc_seg: 91.7034, loss: 0.2466 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:03:36,036 - mmseg - INFO - Epoch [49][180/450] lr: 7.815e-03, eta: 13:24:59, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1505, decode.acc_seg: 94.2347, aux.loss_ce: 0.0876, aux.acc_seg: 92.1784, loss: 0.2381 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:04:38,711 - mmseg - INFO - Epoch [49][270/450] lr: 7.806e-03, eta: 13:23:52, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1734, decode.acc_seg: 93.4210, aux.loss_ce: 0.0979, aux.acc_seg: 91.1877, loss: 0.2713 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:05:41,188 - mmseg - INFO - Epoch [49][360/450] lr: 7.797e-03, eta: 13:22:45, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1744, decode.acc_seg: 93.2419, aux.loss_ce: 0.0966, aux.acc_seg: 91.1286, loss: 0.2710 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:06:44,039 - mmseg - INFO - Epoch [49][450/450] lr: 7.788e-03, eta: 13:21:38, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1711, decode.acc_seg: 93.4790, aux.loss_ce: 0.0971, aux.acc_seg: 91.1920, loss: 0.2682
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1093s, ETA: 0s
2021-11-26 01:24:57,648 - mmseg - INFO - per class results: 2021-11-26 01:24:57,650 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 7.75 | 9.32 | | Buildings | 3.69 | 4.0 | | Low vegetation | 21.71 | 28.57 | | Trees | 3.38 | 3.41 | | Cars | 0.0 | 0.0 | | Clutter | 3.46 | 90.59 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 01:24:57,650 - mmseg - INFO - Summary: 2021-11-26 01:24:57,651 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 11.89 | 6.66 | 22.65 | +-------+------+-------+ 2021-11-26 01:24:57,652 - mmseg - INFO - Epoch(val) [49][255] aAcc: 0.1189, mIoU: 0.0666, mAcc: 0.2265, IoU.Impervious surface: 0.0775, IoU.Buildings: 0.0369, IoU.Low vegetation: 0.2171, IoU.Trees: 0.0338, IoU.Cars: 0.0000, IoU.Clutter: 0.0346, IoU.Background: nan, Acc.Impervious surface: 0.0932, Acc.Buildings: 0.0400, Acc.Low vegetation: 0.2857, Acc.Trees: 0.0341, Acc.Cars: 0.0000, Acc.Clutter: 0.9059, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:26:20,435 - mmseg - INFO - Epoch [50][90/450] lr: 7.778e-03, eta: 13:21:33, time: 0.919, data_time: 0.242, memory: 7603, decode.loss_ce: 0.2121, decode.acc_seg: 91.9711, aux.loss_ce: 0.1167, aux.acc_seg: 89.3602, loss: 0.3287 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:27:22,663 - mmseg - INFO - Epoch [50][180/450] lr: 7.769e-03, eta: 13:20:24, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1649, decode.acc_seg: 93.7321, aux.loss_ce: 0.0930, aux.acc_seg: 91.4963, loss: 0.2579 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:28:25,291 - mmseg - INFO - Epoch [50][270/450] lr: 7.760e-03, eta: 13:19:17, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1528, decode.acc_seg: 94.2145, aux.loss_ce: 0.0946, aux.acc_seg: 91.5409, loss: 0.2474 2021-11-26 01:29:20,916 - mmseg - INFO - Saving checkpoint at 22400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:29:28,640 - mmseg - INFO - Epoch [50][360/450] lr: 7.751e-03, eta: 13:18:12, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1550, decode.acc_seg: 94.0604, aux.loss_ce: 0.0896, aux.acc_seg: 91.8623, loss: 0.2446 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:30:31,356 - mmseg - INFO - Epoch [50][450/450] lr: 7.742e-03, eta: 13:17:05, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1616, decode.acc_seg: 93.8541, aux.loss_ce: 0.0904, aux.acc_seg: 91.7846, loss: 0.2520
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1238s, ETA: 0s
2021-11-26 01:51:09,939 - mmseg - INFO - per class results: 2021-11-26 01:51:09,941 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.26 | 14.02 | | Buildings | 50.29 | 83.53 | | Low vegetation | 23.96 | 28.56 | | Trees | 9.5 | 13.56 | | Cars | 0.0 | 0.0 | | Clutter | 3.09 | 24.33 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 01:51:09,942 - mmseg - INFO - Summary: 2021-11-26 01:51:09,943 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 38.93 | 16.68 | 27.33 | +-------+-------+-------+ 2021-11-26 01:51:09,945 - mmseg - INFO - Epoch(val) [50][255] aAcc: 0.3893, mIoU: 0.1668, mAcc: 0.2733, IoU.Impervious surface: 0.1326, IoU.Buildings: 0.5029, IoU.Low vegetation: 0.2396, IoU.Trees: 0.0950, IoU.Cars: 0.0000, IoU.Clutter: 0.0309, IoU.Background: nan, Acc.Impervious surface: 0.1402, Acc.Buildings: 0.8353, Acc.Low vegetation: 0.2856, Acc.Trees: 0.1356, Acc.Cars: 0.0000, Acc.Clutter: 0.2433, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:52:32,501 - mmseg - INFO - Epoch [51][90/450] lr: 7.733e-03, eta: 13:16:57, time: 0.916, data_time: 0.238, memory: 7603, decode.loss_ce: 0.1643, decode.acc_seg: 93.7444, aux.loss_ce: 0.0878, aux.acc_seg: 92.0022, loss: 0.2521 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:53:34,443 - mmseg - INFO - Epoch [51][180/450] lr: 7.723e-03, eta: 13:15:48, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1495, decode.acc_seg: 94.2823, aux.loss_ce: 0.0832, aux.acc_seg: 92.3253, loss: 0.2327 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:54:37,313 - mmseg - INFO - Epoch [51][270/450] lr: 7.714e-03, eta: 13:14:41, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1449, decode.acc_seg: 94.4864, aux.loss_ce: 0.0848, aux.acc_seg: 92.3073, loss: 0.2297 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:55:39,985 - mmseg - INFO - Epoch [51][360/450] lr: 7.705e-03, eta: 13:13:34, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1480, decode.acc_seg: 94.3305, aux.loss_ce: 0.0823, aux.acc_seg: 92.5148, loss: 0.2303 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 01:56:43,269 - mmseg - INFO - Epoch [51][450/450] lr: 7.696e-03, eta: 13:12:28, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1523, decode.acc_seg: 94.1411, aux.loss_ce: 0.0861, aux.acc_seg: 92.0931, loss: 0.2384
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1156s, ETA: 0s
2021-11-26 02:15:59,012 - mmseg - INFO - per class results: 2021-11-26 02:15:59,013 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 25.19 | 30.03 | | Buildings | 51.17 | 79.9 | | Low vegetation | 4.28 | 4.47 | | Trees | 10.91 | 14.34 | | Cars | 0.0 | 0.0 | | Clutter | 2.15 | 22.26 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 02:15:59,014 - mmseg - INFO - Summary: 2021-11-26 02:15:59,015 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 38.3 | 15.61 | 25.17 | +------+-------+-------+ 2021-11-26 02:15:59,016 - mmseg - INFO - Epoch(val) [51][255] aAcc: 0.3830, mIoU: 0.1561, mAcc: 0.2517, IoU.Impervious surface: 0.2519, IoU.Buildings: 0.5117, IoU.Low vegetation: 0.0428, IoU.Trees: 0.1091, IoU.Cars: 0.0000, IoU.Clutter: 0.0215, IoU.Background: nan, Acc.Impervious surface: 0.3003, Acc.Buildings: 0.7990, Acc.Low vegetation: 0.0447, Acc.Trees: 0.1434, Acc.Cars: 0.0000, Acc.Clutter: 0.2226, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:17:18,506 - mmseg - INFO - Epoch [52][90/450] lr: 7.687e-03, eta: 13:12:10, time: 0.882, data_time: 0.205, memory: 7603, decode.loss_ce: 0.1494, decode.acc_seg: 94.2506, aux.loss_ce: 0.0846, aux.acc_seg: 92.2635, loss: 0.2340 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:18:21,127 - mmseg - INFO - Epoch [52][180/450] lr: 7.678e-03, eta: 13:11:02, time: 0.696, data_time: 0.003, memory: 7603, decode.loss_ce: 0.1529, decode.acc_seg: 94.1006, aux.loss_ce: 0.0875, aux.acc_seg: 92.0468, loss: 0.2405 2021-11-26 02:19:10,039 - mmseg - INFO - Saving checkpoint at 23200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:19:24,658 - mmseg - INFO - Epoch [52][270/450] lr: 7.668e-03, eta: 13:09:57, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1435, decode.acc_seg: 94.4995, aux.loss_ce: 0.0831, aux.acc_seg: 92.3539, loss: 0.2267 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:20:27,862 - mmseg - INFO - Epoch [52][360/450] lr: 7.659e-03, eta: 13:08:52, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1394, decode.acc_seg: 94.6907, aux.loss_ce: 0.0799, aux.acc_seg: 92.7320, loss: 0.2193 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:21:30,705 - mmseg - INFO - Epoch [52][450/450] lr: 7.650e-03, eta: 13:07:45, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1482, decode.acc_seg: 94.2879, aux.loss_ce: 0.0862, aux.acc_seg: 92.1488, loss: 0.2344
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1113s, ETA: 0s
2021-11-26 02:40:03,549 - mmseg - INFO - per class results: 2021-11-26 02:40:03,551 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 11.39 | 11.75 | | Buildings | 21.37 | 25.05 | | Low vegetation | 19.19 | 22.57 | | Trees | 1.09 | 1.1 | | Cars | 0.0 | 0.0 | | Clutter | 2.78 | 79.77 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 02:40:03,552 - mmseg - INFO - Summary: 2021-11-26 02:40:03,553 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 17.78 | 9.3 | 23.37 | +-------+------+-------+ 2021-11-26 02:40:03,554 - mmseg - INFO - Epoch(val) [52][255] aAcc: 0.1778, mIoU: 0.0930, mAcc: 0.2337, IoU.Impervious surface: 0.1139, IoU.Buildings: 0.2137, IoU.Low vegetation: 0.1919, IoU.Trees: 0.0109, IoU.Cars: 0.0000, IoU.Clutter: 0.0278, IoU.Background: nan, Acc.Impervious surface: 0.1175, Acc.Buildings: 0.2505, Acc.Low vegetation: 0.2257, Acc.Trees: 0.0110, Acc.Cars: 0.0000, Acc.Clutter: 0.7977, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:41:26,458 - mmseg - INFO - Epoch [53][90/450] lr: 7.641e-03, eta: 13:07:35, time: 0.920, data_time: 0.240, memory: 7603, decode.loss_ce: 0.1763, decode.acc_seg: 93.3108, aux.loss_ce: 0.0992, aux.acc_seg: 90.9061, loss: 0.2755 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:42:28,830 - mmseg - INFO - Epoch [53][180/450] lr: 7.632e-03, eta: 13:06:26, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1631, decode.acc_seg: 93.8498, aux.loss_ce: 0.0907, aux.acc_seg: 91.7623, loss: 0.2538 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:43:31,813 - mmseg - INFO - Epoch [53][270/450] lr: 7.622e-03, eta: 13:05:20, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1462, decode.acc_seg: 94.4094, aux.loss_ce: 0.0821, aux.acc_seg: 92.4785, loss: 0.2283 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:44:34,914 - mmseg - INFO - Epoch [53][360/450] lr: 7.613e-03, eta: 13:04:13, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1814, decode.acc_seg: 93.2727, aux.loss_ce: 0.1032, aux.acc_seg: 90.6710, loss: 0.2847 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 02:45:38,175 - mmseg - INFO - Epoch [53][450/450] lr: 7.604e-03, eta: 13:03:07, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1648, decode.acc_seg: 93.7250, aux.loss_ce: 0.0912, aux.acc_seg: 91.7402, loss: 0.2560
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1155s, ETA: 0s
2021-11-26 03:04:52,890 - mmseg - INFO - per class results: 2021-11-26 03:04:52,891 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 29.98 | 40.28 | | Buildings | 35.92 | 60.66 | | Low vegetation | 11.38 | 13.57 | | Trees | 0.35 | 0.35 | | Cars | 0.0 | 0.0 | | Clutter | 2.23 | 35.99 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 03:04:52,891 - mmseg - INFO - Summary: 2021-11-26 03:04:52,892 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 35.89 | 13.31 | 25.14 | +-------+-------+-------+ 2021-11-26 03:04:52,893 - mmseg - INFO - Epoch(val) [53][255] aAcc: 0.3589, mIoU: 0.1331, mAcc: 0.2514, IoU.Impervious surface: 0.2998, IoU.Buildings: 0.3592, IoU.Low vegetation: 0.1138, IoU.Trees: 0.0035, IoU.Cars: 0.0000, IoU.Clutter: 0.0223, IoU.Background: nan, Acc.Impervious surface: 0.4028, Acc.Buildings: 0.6066, Acc.Low vegetation: 0.1357, Acc.Trees: 0.0035, Acc.Cars: 0.0000, Acc.Clutter: 0.3599, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:06:09,560 - mmseg - INFO - Epoch [54][90/450] lr: 7.595e-03, eta: 13:02:39, time: 0.851, data_time: 0.172, memory: 7603, decode.loss_ce: 0.1604, decode.acc_seg: 93.8443, aux.loss_ce: 0.0902, aux.acc_seg: 91.7795, loss: 0.2506 2021-11-26 03:06:51,239 - mmseg - INFO - Saving checkpoint at 24000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:07:12,981 - mmseg - INFO - Epoch [54][180/450] lr: 7.586e-03, eta: 13:01:33, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1452, decode.acc_seg: 94.4076, aux.loss_ce: 0.0813, aux.acc_seg: 92.5151, loss: 0.2265 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:08:15,767 - mmseg - INFO - Epoch [54][270/450] lr: 7.577e-03, eta: 13:00:26, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1374, decode.acc_seg: 94.6829, aux.loss_ce: 0.0800, aux.acc_seg: 92.6623, loss: 0.2174 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:09:19,129 - mmseg - INFO - Epoch [54][360/450] lr: 7.567e-03, eta: 12:59:20, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1375, decode.acc_seg: 94.7126, aux.loss_ce: 0.0827, aux.acc_seg: 92.5071, loss: 0.2201 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:10:22,266 - mmseg - INFO - Epoch [54][450/450] lr: 7.558e-03, eta: 12:58:14, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1413, decode.acc_seg: 94.5842, aux.loss_ce: 0.0839, aux.acc_seg: 92.3924, loss: 0.2252
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1149s, ETA: 0s
2021-11-26 03:29:30,927 - mmseg - INFO - per class results: 2021-11-26 03:29:30,929 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 21.08 | 22.37 | | Buildings | 54.15 | 73.23 | | Low vegetation | 2.94 | 2.99 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.37 | 55.33 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 03:29:30,930 - mmseg - INFO - Summary: 2021-11-26 03:29:30,930 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 32.24 | 13.42 | 25.65 | +-------+-------+-------+ 2021-11-26 03:29:30,931 - mmseg - INFO - Epoch(val) [54][255] aAcc: 0.3224, mIoU: 0.1342, mAcc: 0.2565, IoU.Impervious surface: 0.2108, IoU.Buildings: 0.5415, IoU.Low vegetation: 0.0294, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0237, IoU.Background: nan, Acc.Impervious surface: 0.2237, Acc.Buildings: 0.7323, Acc.Low vegetation: 0.0299, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.5533, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:30:54,395 - mmseg - INFO - Epoch [55][90/450] lr: 7.549e-03, eta: 12:58:02, time: 0.927, data_time: 0.248, memory: 7603, decode.loss_ce: 0.1342, decode.acc_seg: 94.7211, aux.loss_ce: 0.0762, aux.acc_seg: 92.9232, loss: 0.2104 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:31:56,955 - mmseg - INFO - Epoch [55][180/450] lr: 7.540e-03, eta: 12:56:54, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1765, decode.acc_seg: 93.3986, aux.loss_ce: 0.0977, aux.acc_seg: 91.1737, loss: 0.2742 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:32:59,853 - mmseg - INFO - Epoch [55][270/450] lr: 7.531e-03, eta: 12:55:47, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1761, decode.acc_seg: 93.3151, aux.loss_ce: 0.1040, aux.acc_seg: 90.7208, loss: 0.2800 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:34:03,054 - mmseg - INFO - Epoch [55][360/450] lr: 7.521e-03, eta: 12:54:41, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2069, decode.acc_seg: 92.3638, aux.loss_ce: 0.1125, aux.acc_seg: 89.8433, loss: 0.3193 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:35:06,353 - mmseg - INFO - Epoch [55][450/450] lr: 7.512e-03, eta: 12:53:35, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.3746, decode.acc_seg: 86.6713, aux.loss_ce: 0.1810, aux.acc_seg: 83.9294, loss: 0.5556
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1142s, ETA: 0s
2021-11-26 03:54:08,118 - mmseg - INFO - per class results: 2021-11-26 03:54:08,119 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 1.82 | 1.85 | | Buildings | 44.89 | 77.33 | | Low vegetation | 3.83 | 3.93 | | Trees | 1.9 | 1.96 | | Cars | 0.0 | 0.0 | | Clutter | 1.63 | 15.19 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 03:54:08,120 - mmseg - INFO - Summary: 2021-11-26 03:54:08,121 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 26.59 | 9.01 | 16.71 | +-------+------+-------+ 2021-11-26 03:54:08,122 - mmseg - INFO - Epoch(val) [55][255] aAcc: 0.2659, mIoU: 0.0901, mAcc: 0.1671, IoU.Impervious surface: 0.0182, IoU.Buildings: 0.4489, IoU.Low vegetation: 0.0383, IoU.Trees: 0.0190, IoU.Cars: 0.0000, IoU.Clutter: 0.0163, IoU.Background: nan, Acc.Impervious surface: 0.0185, Acc.Buildings: 0.7733, Acc.Low vegetation: 0.0393, Acc.Trees: 0.0196, Acc.Cars: 0.0000, Acc.Clutter: 0.1519, Acc.Background: nan 2021-11-26 03:55:01,981 - mmseg - INFO - Saving checkpoint at 24800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:55:30,357 - mmseg - INFO - Epoch [56][90/450] lr: 7.503e-03, eta: 12:53:19, time: 0.913, data_time: 0.225, memory: 7603, decode.loss_ce: 0.3078, decode.acc_seg: 88.6825, aux.loss_ce: 0.1606, aux.acc_seg: 85.6194, loss: 0.4684 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:56:33,150 - mmseg - INFO - Epoch [56][180/450] lr: 7.494e-03, eta: 12:52:11, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2866, decode.acc_seg: 89.3468, aux.loss_ce: 0.1515, aux.acc_seg: 86.1662, loss: 0.4381 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:57:36,058 - mmseg - INFO - Epoch [56][270/450] lr: 7.485e-03, eta: 12:51:04, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2142, decode.acc_seg: 92.1317, aux.loss_ce: 0.1177, aux.acc_seg: 89.3511, loss: 0.3319 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:58:39,422 - mmseg - INFO - Epoch [56][360/450] lr: 7.475e-03, eta: 12:49:58, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1915, decode.acc_seg: 92.7376, aux.loss_ce: 0.1088, aux.acc_seg: 90.1077, loss: 0.3004 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 03:59:42,656 - mmseg - INFO - Epoch [56][450/450] lr: 7.466e-03, eta: 12:48:52, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2113, decode.acc_seg: 92.0846, aux.loss_ce: 0.1228, aux.acc_seg: 89.0526, loss: 0.3341
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1103s, ETA: 0s
2021-11-26 04:18:05,412 - mmseg - INFO - per class results: 2021-11-26 04:18:05,414 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 12.8 | 13.58 | | Buildings | 9.69 | 12.9 | | Low vegetation | 16.2 | 19.25 | | Trees | 0.71 | 0.71 | | Cars | 0.0 | 0.0 | | Clutter | 3.68 | 90.77 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-26 04:18:05,414 - mmseg - INFO - Summary: 2021-11-26 04:18:05,415 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 13.98 | 7.18 | 22.87 | +-------+------+-------+ 2021-11-26 04:18:05,416 - mmseg - INFO - Epoch(val) [56][255] aAcc: 0.1398, mIoU: 0.0718, mAcc: 0.2287, IoU.Impervious surface: 0.1280, IoU.Buildings: 0.0969, IoU.Low vegetation: 0.1620, IoU.Trees: 0.0071, IoU.Cars: 0.0000, IoU.Clutter: 0.0368, IoU.Background: nan, Acc.Impervious surface: 0.1358, Acc.Buildings: 0.1290, Acc.Low vegetation: 0.1925, Acc.Trees: 0.0071, Acc.Cars: 0.0000, Acc.Clutter: 0.9077, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:19:31,089 - mmseg - INFO - Epoch [57][90/450] lr: 7.457e-03, eta: 12:48:43, time: 0.951, data_time: 0.270, memory: 7603, decode.loss_ce: 0.1742, decode.acc_seg: 93.4521, aux.loss_ce: 0.1006, aux.acc_seg: 90.8844, loss: 0.2748 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:20:33,999 - mmseg - INFO - Epoch [57][180/450] lr: 7.448e-03, eta: 12:47:35, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1762, decode.acc_seg: 93.3978, aux.loss_ce: 0.0992, aux.acc_seg: 90.9941, loss: 0.2754 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:21:37,200 - mmseg - INFO - Epoch [57][270/450] lr: 7.439e-03, eta: 12:46:29, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1873, decode.acc_seg: 92.9997, aux.loss_ce: 0.1095, aux.acc_seg: 90.3228, loss: 0.2968 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:22:40,215 - mmseg - INFO - Epoch [57][360/450] lr: 7.429e-03, eta: 12:45:22, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1702, decode.acc_seg: 93.5897, aux.loss_ce: 0.0989, aux.acc_seg: 90.9805, loss: 0.2691 2021-11-26 04:23:08,338 - mmseg - INFO - Saving checkpoint at 25600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:23:44,513 - mmseg - INFO - Epoch [57][450/450] lr: 7.420e-03, eta: 12:44:18, time: 0.714, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1658, decode.acc_seg: 93.6520, aux.loss_ce: 0.0942, aux.acc_seg: 91.3588, loss: 0.2601
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1092s, ETA: 0s
2021-11-26 04:41:56,169 - mmseg - INFO - per class results: 2021-11-26 04:41:56,171 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.26 | 19.48 | | Buildings | 27.68 | 44.33 | | Low vegetation | 1.77 | 1.8 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.88 | 69.65 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 04:41:56,171 - mmseg - INFO - Summary: 2021-11-26 04:41:56,172 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 22.07 | 7.77 | 22.54 | +-------+------+-------+ 2021-11-26 04:41:56,173 - mmseg - INFO - Epoch(val) [57][255] aAcc: 0.2207, mIoU: 0.0777, mAcc: 0.2254, IoU.Impervious surface: 0.1426, IoU.Buildings: 0.2768, IoU.Low vegetation: 0.0177, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0288, IoU.Background: nan, Acc.Impervious surface: 0.1948, Acc.Buildings: 0.4433, Acc.Low vegetation: 0.0180, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.6965, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:43:02,437 - mmseg - INFO - Epoch [58][90/450] lr: 7.411e-03, eta: 12:43:19, time: 0.736, data_time: 0.054, memory: 7603, decode.loss_ce: 0.1571, decode.acc_seg: 94.0176, aux.loss_ce: 0.0893, aux.acc_seg: 91.8804, loss: 0.2464 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:44:04,878 - mmseg - INFO - Epoch [58][180/450] lr: 7.402e-03, eta: 12:42:11, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1379, decode.acc_seg: 94.6983, aux.loss_ce: 0.0798, aux.acc_seg: 92.7103, loss: 0.2177 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:45:08,046 - mmseg - INFO - Epoch [58][270/450] lr: 7.392e-03, eta: 12:41:04, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1551, decode.acc_seg: 93.9668, aux.loss_ce: 0.0910, aux.acc_seg: 91.6881, loss: 0.2461 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:46:11,210 - mmseg - INFO - Epoch [58][360/450] lr: 7.383e-03, eta: 12:39:58, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1653, decode.acc_seg: 93.7066, aux.loss_ce: 0.0966, aux.acc_seg: 91.2470, loss: 0.2619 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 04:47:14,408 - mmseg - INFO - Epoch [58][450/450] lr: 7.374e-03, eta: 12:38:51, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1546, decode.acc_seg: 94.0912, aux.loss_ce: 0.0881, aux.acc_seg: 92.0424, loss: 0.2427
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1132s, ETA: 0s
2021-11-26 05:06:06,520 - mmseg - INFO - per class results: 2021-11-26 05:06:06,521 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.26 | 11.07 | | Buildings | 24.79 | 40.59 | | Low vegetation | 14.99 | 18.23 | | Trees | 4.9 | 5.71 | | Cars | 0.0 | 0.0 | | Clutter | 2.3 | 54.69 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 05:06:06,521 - mmseg - INFO - Summary: 2021-11-26 05:06:06,522 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 21.79 | 9.37 | 21.72 | +-------+------+-------+ 2021-11-26 05:06:06,523 - mmseg - INFO - Epoch(val) [58][255] aAcc: 0.2179, mIoU: 0.0937, mAcc: 0.2172, IoU.Impervious surface: 0.0926, IoU.Buildings: 0.2479, IoU.Low vegetation: 0.1499, IoU.Trees: 0.0490, IoU.Cars: 0.0000, IoU.Clutter: 0.0230, IoU.Background: nan, Acc.Impervious surface: 0.1107, Acc.Buildings: 0.4059, Acc.Low vegetation: 0.1823, Acc.Trees: 0.0571, Acc.Cars: 0.0000, Acc.Clutter: 0.5469, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:07:28,511 - mmseg - INFO - Epoch [59][90/450] lr: 7.365e-03, eta: 12:38:31, time: 0.910, data_time: 0.228, memory: 7603, decode.loss_ce: 0.1591, decode.acc_seg: 93.9985, aux.loss_ce: 0.0911, aux.acc_seg: 91.6781, loss: 0.2502 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:08:31,187 - mmseg - INFO - Epoch [59][180/450] lr: 7.356e-03, eta: 12:37:23, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1724, decode.acc_seg: 93.4843, aux.loss_ce: 0.1016, aux.acc_seg: 90.9151, loss: 0.2740 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:09:34,505 - mmseg - INFO - Epoch [59][270/450] lr: 7.346e-03, eta: 12:36:16, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2744, decode.acc_seg: 89.7252, aux.loss_ce: 0.1456, aux.acc_seg: 86.5851, loss: 0.4201 2021-11-26 05:09:55,572 - mmseg - INFO - Saving checkpoint at 26400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:10:38,267 - mmseg - INFO - Epoch [59][360/450] lr: 7.337e-03, eta: 12:35:11, time: 0.708, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1871, decode.acc_seg: 92.7981, aux.loss_ce: 0.1002, aux.acc_seg: 90.8178, loss: 0.2872 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:11:41,713 - mmseg - INFO - Epoch [59][450/450] lr: 7.328e-03, eta: 12:34:05, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1632, decode.acc_seg: 93.8305, aux.loss_ce: 0.0947, aux.acc_seg: 91.4586, loss: 0.2579
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1128s, ETA: 0s
2021-11-26 05:30:29,994 - mmseg - INFO - per class results: 2021-11-26 05:30:29,995 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.12 | 19.81 | | Buildings | 22.57 | 36.45 | | Low vegetation | 9.72 | 11.63 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.76 | 64.82 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 05:30:29,996 - mmseg - INFO - Summary: 2021-11-26 05:30:29,997 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 21.52 | 8.36 | 22.12 | +-------+------+-------+ 2021-11-26 05:30:29,998 - mmseg - INFO - Epoch(val) [59][255] aAcc: 0.2152, mIoU: 0.0836, mAcc: 0.2212, IoU.Impervious surface: 0.1512, IoU.Buildings: 0.2257, IoU.Low vegetation: 0.0972, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0276, IoU.Background: nan, Acc.Impervious surface: 0.1981, Acc.Buildings: 0.3645, Acc.Low vegetation: 0.1163, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.6482, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:31:49,812 - mmseg - INFO - Epoch [60][90/450] lr: 7.319e-03, eta: 12:33:38, time: 0.886, data_time: 0.207, memory: 7603, decode.loss_ce: 0.1533, decode.acc_seg: 94.2516, aux.loss_ce: 0.0902, aux.acc_seg: 91.9037, loss: 0.2435 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:32:52,315 - mmseg - INFO - Epoch [60][180/450] lr: 7.309e-03, eta: 12:32:30, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1495, decode.acc_seg: 94.3868, aux.loss_ce: 0.0869, aux.acc_seg: 92.2277, loss: 0.2364 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:33:55,418 - mmseg - INFO - Epoch [60][270/450] lr: 7.300e-03, eta: 12:31:23, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1478, decode.acc_seg: 94.3249, aux.loss_ce: 0.0878, aux.acc_seg: 91.9871, loss: 0.2356 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:34:58,812 - mmseg - INFO - Epoch [60][360/450] lr: 7.291e-03, eta: 12:30:17, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1411, decode.acc_seg: 94.6644, aux.loss_ce: 0.0815, aux.acc_seg: 92.6025, loss: 0.2226 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:36:01,870 - mmseg - INFO - Epoch [60][450/450] lr: 7.282e-03, eta: 12:29:10, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1438, decode.acc_seg: 94.4540, aux.loss_ce: 0.0820, aux.acc_seg: 92.4182, loss: 0.2258
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1269s, ETA: 0s
2021-11-26 05:57:11,484 - mmseg - INFO - per class results: 2021-11-26 05:57:11,486 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 27.14 | 30.94 | | Buildings | 31.76 | 49.7 | | Low vegetation | 14.14 | 17.26 | | Trees | 1.02 | 1.03 | | Cars | 0.0 | 0.0 | | Clutter | 2.41 | 54.39 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 05:57:11,487 - mmseg - INFO - Summary: 2021-11-26 05:57:11,488 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.45 | 12.75 | 25.55 | +-------+-------+-------+ 2021-11-26 05:57:11,489 - mmseg - INFO - Epoch(val) [60][255] aAcc: 0.3045, mIoU: 0.1275, mAcc: 0.2555, IoU.Impervious surface: 0.2714, IoU.Buildings: 0.3176, IoU.Low vegetation: 0.1414, IoU.Trees: 0.0102, IoU.Cars: 0.0000, IoU.Clutter: 0.0241, IoU.Background: nan, Acc.Impervious surface: 0.3094, Acc.Buildings: 0.4970, Acc.Low vegetation: 0.1726, Acc.Trees: 0.0103, Acc.Cars: 0.0000, Acc.Clutter: 0.5439, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:58:36,809 - mmseg - INFO - Epoch [61][90/450] lr: 7.273e-03, eta: 12:28:54, time: 0.947, data_time: 0.270, memory: 7603, decode.loss_ce: 0.1450, decode.acc_seg: 94.5813, aux.loss_ce: 0.0843, aux.acc_seg: 92.4730, loss: 0.2293 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 05:59:39,556 - mmseg - INFO - Epoch [61][180/450] lr: 7.263e-03, eta: 12:27:47, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1293, decode.acc_seg: 95.0850, aux.loss_ce: 0.0750, aux.acc_seg: 93.1602, loss: 0.2043 2021-11-26 05:59:53,354 - mmseg - INFO - Saving checkpoint at 27200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:00:43,155 - mmseg - INFO - Epoch [61][270/450] lr: 7.254e-03, eta: 12:26:41, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1307, decode.acc_seg: 94.9518, aux.loss_ce: 0.0735, aux.acc_seg: 93.2436, loss: 0.2042 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:01:46,407 - mmseg - INFO - Epoch [61][360/450] lr: 7.245e-03, eta: 12:25:34, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1262, decode.acc_seg: 95.1160, aux.loss_ce: 0.0715, aux.acc_seg: 93.3793, loss: 0.1977 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:02:49,774 - mmseg - INFO - Epoch [61][450/450] lr: 7.236e-03, eta: 12:24:28, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1241, decode.acc_seg: 95.2247, aux.loss_ce: 0.0711, aux.acc_seg: 93.4993, loss: 0.1953
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1132s, ETA: 0s
2021-11-26 06:21:41,598 - mmseg - INFO - per class results: 2021-11-26 06:21:41,599 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 6.94 | 7.52 | | Buildings | 27.02 | 41.0 | | Low vegetation | 27.55 | 40.86 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.72 | 66.01 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 06:21:41,600 - mmseg - INFO - Summary: 2021-11-26 06:21:41,600 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 24.75 | 10.7 | 25.9 | +-------+------+------+ 2021-11-26 06:21:41,602 - mmseg - INFO - Epoch(val) [61][255] aAcc: 0.2475, mIoU: 0.1070, mAcc: 0.2590, IoU.Impervious surface: 0.0694, IoU.Buildings: 0.2702, IoU.Low vegetation: 0.2755, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0272, IoU.Background: nan, Acc.Impervious surface: 0.0752, Acc.Buildings: 0.4100, Acc.Low vegetation: 0.4086, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.6601, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:23:02,258 - mmseg - INFO - Epoch [62][90/450] lr: 7.226e-03, eta: 12:24:00, time: 0.896, data_time: 0.219, memory: 7603, decode.loss_ce: 0.1495, decode.acc_seg: 94.4093, aux.loss_ce: 0.0868, aux.acc_seg: 92.1675, loss: 0.2363 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:24:04,952 - mmseg - INFO - Epoch [62][180/450] lr: 7.217e-03, eta: 12:22:52, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1301, decode.acc_seg: 95.0476, aux.loss_ce: 0.0759, aux.acc_seg: 93.1138, loss: 0.2060 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:25:07,912 - mmseg - INFO - Epoch [62][270/450] lr: 7.208e-03, eta: 12:21:45, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1318, decode.acc_seg: 94.9381, aux.loss_ce: 0.0775, aux.acc_seg: 92.8929, loss: 0.2093 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:26:11,358 - mmseg - INFO - Epoch [62][360/450] lr: 7.199e-03, eta: 12:20:39, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1252, decode.acc_seg: 95.1656, aux.loss_ce: 0.0737, aux.acc_seg: 93.2459, loss: 0.1989 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:27:14,419 - mmseg - INFO - Epoch [62][450/450] lr: 7.189e-03, eta: 12:19:32, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1205, decode.acc_seg: 95.3413, aux.loss_ce: 0.0711, aux.acc_seg: 93.4865, loss: 0.1916
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1116s, ETA: 0s
2021-11-26 06:45:50,707 - mmseg - INFO - per class results: 2021-11-26 06:45:50,708 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.78 | 21.38 | | Buildings | 25.51 | 41.02 | | Low vegetation | 9.87 | 11.36 | | Trees | 0.43 | 0.43 | | Cars | 0.0 | 0.0 | | Clutter | 2.71 | 63.55 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 06:45:50,709 - mmseg - INFO - Summary: 2021-11-26 06:45:50,711 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 23.47 | 9.55 | 22.96 | +-------+------+-------+ 2021-11-26 06:45:50,712 - mmseg - INFO - Epoch(val) [62][255] aAcc: 0.2347, mIoU: 0.0955, mAcc: 0.2296, IoU.Impervious surface: 0.1878, IoU.Buildings: 0.2551, IoU.Low vegetation: 0.0987, IoU.Trees: 0.0043, IoU.Cars: 0.0000, IoU.Clutter: 0.0271, IoU.Background: nan, Acc.Impervious surface: 0.2138, Acc.Buildings: 0.4102, Acc.Low vegetation: 0.1136, Acc.Trees: 0.0043, Acc.Cars: 0.0000, Acc.Clutter: 0.6355, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:46:56,961 - mmseg - INFO - Epoch [63][90/450] lr: 7.180e-03, eta: 12:18:32, time: 0.735, data_time: 0.053, memory: 7603, decode.loss_ce: 0.1471, decode.acc_seg: 94.4081, aux.loss_ce: 0.0840, aux.acc_seg: 92.3993, loss: 0.2311 2021-11-26 06:47:03,749 - mmseg - INFO - Saving checkpoint at 28000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:48:00,470 - mmseg - INFO - Epoch [63][180/450] lr: 7.171e-03, eta: 12:17:25, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1411, decode.acc_seg: 94.5802, aux.loss_ce: 0.0851, aux.acc_seg: 92.2176, loss: 0.2261 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:49:03,626 - mmseg - INFO - Epoch [63][270/450] lr: 7.162e-03, eta: 12:16:19, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1558, decode.acc_seg: 94.0000, aux.loss_ce: 0.0902, aux.acc_seg: 91.7024, loss: 0.2460 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:50:07,082 - mmseg - INFO - Epoch [63][360/450] lr: 7.152e-03, eta: 12:15:12, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1314, decode.acc_seg: 94.9307, aux.loss_ce: 0.0784, aux.acc_seg: 92.8272, loss: 0.2098 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 06:51:10,250 - mmseg - INFO - Epoch [63][450/450] lr: 7.143e-03, eta: 12:14:06, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1392, decode.acc_seg: 94.7254, aux.loss_ce: 0.0820, aux.acc_seg: 92.4733, loss: 0.2213
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1184s, ETA: 0s
2021-11-26 07:10:54,684 - mmseg - INFO - per class results: 2021-11-26 07:10:54,686 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 11.19 | 11.86 | | Buildings | 59.42 | 93.03 | | Low vegetation | 15.5 | 18.75 | | Trees | 10.73 | 12.5 | | Cars | 0.0 | 0.0 | | Clutter | 1.73 | 9.22 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 07:10:54,687 - mmseg - INFO - Summary: 2021-11-26 07:10:54,687 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 38.95 | 16.43 | 24.23 | +-------+-------+-------+ 2021-11-26 07:10:54,689 - mmseg - INFO - Epoch(val) [63][255] aAcc: 0.3895, mIoU: 0.1643, mAcc: 0.2423, IoU.Impervious surface: 0.1119, IoU.Buildings: 0.5942, IoU.Low vegetation: 0.1550, IoU.Trees: 0.1073, IoU.Cars: 0.0000, IoU.Clutter: 0.0173, IoU.Background: nan, Acc.Impervious surface: 0.1186, Acc.Buildings: 0.9303, Acc.Low vegetation: 0.1875, Acc.Trees: 0.1250, Acc.Cars: 0.0000, Acc.Clutter: 0.0922, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:12:18,458 - mmseg - INFO - Epoch [64][90/450] lr: 7.134e-03, eta: 12:13:43, time: 0.930, data_time: 0.251, memory: 7603, decode.loss_ce: 0.1272, decode.acc_seg: 95.0677, aux.loss_ce: 0.0737, aux.acc_seg: 93.1916, loss: 0.2009 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:13:21,316 - mmseg - INFO - Epoch [64][180/450] lr: 7.125e-03, eta: 12:12:36, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1241, decode.acc_seg: 95.2259, aux.loss_ce: 0.0750, aux.acc_seg: 93.1047, loss: 0.1990 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:14:24,220 - mmseg - INFO - Epoch [64][270/450] lr: 7.115e-03, eta: 12:11:28, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1259, decode.acc_seg: 95.1495, aux.loss_ce: 0.0753, aux.acc_seg: 93.1840, loss: 0.2012 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:15:27,762 - mmseg - INFO - Epoch [64][360/450] lr: 7.106e-03, eta: 12:10:22, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1502, decode.acc_seg: 94.1477, aux.loss_ce: 0.0883, aux.acc_seg: 91.8446, loss: 0.2385 2021-11-26 07:16:30,970 - mmseg - INFO - Saving checkpoint at 28800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:16:31,735 - mmseg - INFO - Epoch [64][450/450] lr: 7.097e-03, eta: 12:09:17, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1297, decode.acc_seg: 94.9970, aux.loss_ce: 0.0763, aux.acc_seg: 92.9851, loss: 0.2061
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1124s, ETA: 0s
2021-11-26 07:35:15,646 - mmseg - INFO - per class results: 2021-11-26 07:35:15,648 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.8 | 21.64 | | Buildings | 16.17 | 21.72 | | Low vegetation | 12.56 | 14.29 | | Trees | 12.67 | 31.46 | | Cars | 0.0 | 0.0 | | Clutter | 1.96 | 46.95 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 07:35:15,648 - mmseg - INFO - Summary: 2021-11-26 07:35:15,649 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 21.34 | 10.36 | 22.68 | +-------+-------+-------+ 2021-11-26 07:35:15,651 - mmseg - INFO - Epoch(val) [64][255] aAcc: 0.2134, mIoU: 0.1036, mAcc: 0.2268, IoU.Impervious surface: 0.1880, IoU.Buildings: 0.1617, IoU.Low vegetation: 0.1256, IoU.Trees: 0.1267, IoU.Cars: 0.0000, IoU.Clutter: 0.0196, IoU.Background: nan, Acc.Impervious surface: 0.2164, Acc.Buildings: 0.2172, Acc.Low vegetation: 0.1429, Acc.Trees: 0.3146, Acc.Cars: 0.0000, Acc.Clutter: 0.4695, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:36:21,750 - mmseg - INFO - Epoch [65][90/450] lr: 7.088e-03, eta: 12:08:16, time: 0.734, data_time: 0.052, memory: 7603, decode.loss_ce: 0.1239, decode.acc_seg: 95.2290, aux.loss_ce: 0.0744, aux.acc_seg: 93.2984, loss: 0.1983 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:37:24,479 - mmseg - INFO - Epoch [65][180/450] lr: 7.078e-03, eta: 12:07:09, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1246, decode.acc_seg: 95.1898, aux.loss_ce: 0.0728, aux.acc_seg: 93.3327, loss: 0.1974 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:38:27,907 - mmseg - INFO - Epoch [65][270/450] lr: 7.069e-03, eta: 12:06:02, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1327, decode.acc_seg: 94.8973, aux.loss_ce: 0.0771, aux.acc_seg: 92.9657, loss: 0.2097 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:39:31,402 - mmseg - INFO - Epoch [65][360/450] lr: 7.060e-03, eta: 12:04:56, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1282, decode.acc_seg: 95.1293, aux.loss_ce: 0.0748, aux.acc_seg: 93.1932, loss: 0.2030 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 07:40:34,439 - mmseg - INFO - Epoch [65][450/450] lr: 7.050e-03, eta: 12:03:49, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1257, decode.acc_seg: 95.1382, aux.loss_ce: 0.0753, aux.acc_seg: 93.0638, loss: 0.2010
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1116s, ETA: 0s
2021-11-26 07:59:10,756 - mmseg - INFO - per class results: 2021-11-26 07:59:10,757 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.23 | 12.43 | | Buildings | 11.09 | 14.61 | | Low vegetation | 21.66 | 31.98 | | Trees | 10.43 | 25.22 | | Cars | 0.0 | 0.0 | | Clutter | 1.64 | 41.01 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 07:59:10,758 - mmseg - INFO - Summary: 2021-11-26 07:59:10,759 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.71 | 9.51 | 20.87 | +-------+------+-------+ 2021-11-26 07:59:10,760 - mmseg - INFO - Epoch(val) [65][255] aAcc: 0.1871, mIoU: 0.0951, mAcc: 0.2087, IoU.Impervious surface: 0.1223, IoU.Buildings: 0.1109, IoU.Low vegetation: 0.2166, IoU.Trees: 0.1043, IoU.Cars: 0.0000, IoU.Clutter: 0.0164, IoU.Background: nan, Acc.Impervious surface: 0.1243, Acc.Buildings: 0.1461, Acc.Low vegetation: 0.3198, Acc.Trees: 0.2522, Acc.Cars: 0.0000, Acc.Clutter: 0.4101, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:00:16,600 - mmseg - INFO - Epoch [66][90/450] lr: 7.041e-03, eta: 12:02:48, time: 0.731, data_time: 0.051, memory: 7603, decode.loss_ce: 0.1166, decode.acc_seg: 95.4911, aux.loss_ce: 0.0682, aux.acc_seg: 93.7622, loss: 0.1848 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:01:19,596 - mmseg - INFO - Epoch [66][180/450] lr: 7.032e-03, eta: 12:01:41, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1247, decode.acc_seg: 95.1962, aux.loss_ce: 0.0722, aux.acc_seg: 93.3686, loss: 0.1969 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:02:22,778 - mmseg - INFO - Epoch [66][270/450] lr: 7.023e-03, eta: 12:00:34, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1223, decode.acc_seg: 95.2447, aux.loss_ce: 0.0748, aux.acc_seg: 93.2149, loss: 0.1971 2021-11-26 08:03:19,201 - mmseg - INFO - Saving checkpoint at 29600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:03:27,018 - mmseg - INFO - Epoch [66][360/450] lr: 7.013e-03, eta: 11:59:29, time: 0.714, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1172, decode.acc_seg: 95.4597, aux.loss_ce: 0.0699, aux.acc_seg: 93.6201, loss: 0.1871 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:04:30,383 - mmseg - INFO - Epoch [66][450/450] lr: 7.004e-03, eta: 11:58:23, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1188, decode.acc_seg: 95.4132, aux.loss_ce: 0.0715, aux.acc_seg: 93.4143, loss: 0.1903
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1130s, ETA: 0s
2021-11-26 08:23:20,155 - mmseg - INFO - per class results: 2021-11-26 08:23:20,157 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 7.79 | 8.08 | | Buildings | 21.88 | 33.78 | | Low vegetation | 8.93 | 10.52 | | Trees | 4.85 | 5.21 | | Cars | 0.0 | 0.0 | | Clutter | 2.94 | 70.76 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 08:23:20,157 - mmseg - INFO - Summary: 2021-11-26 08:23:20,158 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 17.32 | 7.73 | 21.39 | +-------+------+-------+ 2021-11-26 08:23:20,159 - mmseg - INFO - Epoch(val) [66][255] aAcc: 0.1732, mIoU: 0.0773, mAcc: 0.2139, IoU.Impervious surface: 0.0779, IoU.Buildings: 0.2188, IoU.Low vegetation: 0.0893, IoU.Trees: 0.0485, IoU.Cars: 0.0000, IoU.Clutter: 0.0294, IoU.Background: nan, Acc.Impervious surface: 0.0808, Acc.Buildings: 0.3378, Acc.Low vegetation: 0.1052, Acc.Trees: 0.0521, Acc.Cars: 0.0000, Acc.Clutter: 0.7076, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:24:42,812 - mmseg - INFO - Epoch [67][90/450] lr: 6.995e-03, eta: 11:57:56, time: 0.918, data_time: 0.238, memory: 7603, decode.loss_ce: 0.1127, decode.acc_seg: 95.6355, aux.loss_ce: 0.0668, aux.acc_seg: 93.8208, loss: 0.1796 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:25:45,456 - mmseg - INFO - Epoch [67][180/450] lr: 6.986e-03, eta: 11:56:48, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1093, decode.acc_seg: 95.7761, aux.loss_ce: 0.0658, aux.acc_seg: 93.9847, loss: 0.1751 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:26:48,914 - mmseg - INFO - Epoch [67][270/450] lr: 6.976e-03, eta: 11:55:41, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1178, decode.acc_seg: 95.3863, aux.loss_ce: 0.0675, aux.acc_seg: 93.7391, loss: 0.1853 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:27:52,069 - mmseg - INFO - Epoch [67][360/450] lr: 6.967e-03, eta: 11:54:35, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1163, decode.acc_seg: 95.4991, aux.loss_ce: 0.0690, aux.acc_seg: 93.6453, loss: 0.1853 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:28:55,375 - mmseg - INFO - Epoch [67][450/450] lr: 6.958e-03, eta: 11:53:28, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1311, decode.acc_seg: 94.9166, aux.loss_ce: 0.0740, aux.acc_seg: 93.1007, loss: 0.2052
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1111s, ETA: 0s
2021-11-26 08:47:26,385 - mmseg - INFO - per class results: 2021-11-26 08:47:26,386 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 2.34 | 2.35 | | Buildings | 6.05 | 7.24 | | Low vegetation | 26.9 | 39.49 | | Trees | 16.67 | 64.25 | | Cars | 0.0 | 0.0 | | Clutter | 1.3 | 22.65 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 08:47:26,387 - mmseg - INFO - Summary: 2021-11-26 08:47:26,388 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.83 | 8.88 | 22.66 | +-------+------+-------+ 2021-11-26 08:47:26,389 - mmseg - INFO - Epoch(val) [67][255] aAcc: 0.1883, mIoU: 0.0888, mAcc: 0.2266, IoU.Impervious surface: 0.0234, IoU.Buildings: 0.0605, IoU.Low vegetation: 0.2690, IoU.Trees: 0.1667, IoU.Cars: 0.0000, IoU.Clutter: 0.0130, IoU.Background: nan, Acc.Impervious surface: 0.0235, Acc.Buildings: 0.0724, Acc.Low vegetation: 0.3949, Acc.Trees: 0.6425, Acc.Cars: 0.0000, Acc.Clutter: 0.2265, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:48:50,206 - mmseg - INFO - Epoch [68][90/450] lr: 6.948e-03, eta: 11:53:02, time: 0.930, data_time: 0.248, memory: 7603, decode.loss_ce: 0.1591, decode.acc_seg: 94.0550, aux.loss_ce: 0.0934, aux.acc_seg: 91.6260, loss: 0.2525 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:49:52,899 - mmseg - INFO - Epoch [68][180/450] lr: 6.939e-03, eta: 11:51:54, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1303, decode.acc_seg: 94.9893, aux.loss_ce: 0.0797, aux.acc_seg: 92.6761, loss: 0.2100 2021-11-26 08:50:41,943 - mmseg - INFO - Saving checkpoint at 30400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:50:57,044 - mmseg - INFO - Epoch [68][270/450] lr: 6.930e-03, eta: 11:50:49, time: 0.713, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1184, decode.acc_seg: 95.4437, aux.loss_ce: 0.0767, aux.acc_seg: 93.1370, loss: 0.1951 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:52:00,293 - mmseg - INFO - Epoch [68][360/450] lr: 6.921e-03, eta: 11:49:42, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1176, decode.acc_seg: 95.4536, aux.loss_ce: 0.0714, aux.acc_seg: 93.4468, loss: 0.1890 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 08:53:03,622 - mmseg - INFO - Epoch [68][450/450] lr: 6.911e-03, eta: 11:48:36, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1185, decode.acc_seg: 95.3646, aux.loss_ce: 0.0708, aux.acc_seg: 93.4825, loss: 0.1893
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1151s, ETA: 0s
2021-11-26 09:12:15,036 - mmseg - INFO - per class results: 2021-11-26 09:12:15,038 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.32 | 13.7 | | Buildings | 41.29 | 69.27 | | Low vegetation | 18.32 | 24.33 | | Trees | 10.47 | 21.58 | | Cars | 0.0 | 0.0 | | Clutter | 1.62 | 13.9 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 09:12:15,038 - mmseg - INFO - Summary: 2021-11-26 09:12:15,039 - mmseg - INFO - +------+-------+------+ | aAcc | mIoU | mAcc | +------+-------+------+ | 34.2 | 14.17 | 23.8 | +------+-------+------+ 2021-11-26 09:12:15,040 - mmseg - INFO - Epoch(val) [68][255] aAcc: 0.3420, mIoU: 0.1417, mAcc: 0.2380, IoU.Impervious surface: 0.1332, IoU.Buildings: 0.4129, IoU.Low vegetation: 0.1832, IoU.Trees: 0.1047, IoU.Cars: 0.0000, IoU.Clutter: 0.0162, IoU.Background: nan, Acc.Impervious surface: 0.1370, Acc.Buildings: 0.6927, Acc.Low vegetation: 0.2433, Acc.Trees: 0.2158, Acc.Cars: 0.0000, Acc.Clutter: 0.1390, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:13:35,274 - mmseg - INFO - Epoch [69][90/450] lr: 6.902e-03, eta: 11:48:02, time: 0.891, data_time: 0.211, memory: 7603, decode.loss_ce: 0.1188, decode.acc_seg: 95.3961, aux.loss_ce: 0.0721, aux.acc_seg: 93.3812, loss: 0.1909 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:14:37,764 - mmseg - INFO - Epoch [69][180/450] lr: 6.893e-03, eta: 11:46:54, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1225, decode.acc_seg: 95.2852, aux.loss_ce: 0.0712, aux.acc_seg: 93.4751, loss: 0.1937 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:15:40,983 - mmseg - INFO - Epoch [69][270/450] lr: 6.883e-03, eta: 11:45:47, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.3917, decode.acc_seg: 86.3309, aux.loss_ce: 0.1921, aux.acc_seg: 83.2556, loss: 0.5838 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:16:44,272 - mmseg - INFO - Epoch [69][360/450] lr: 6.874e-03, eta: 11:44:40, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.3425, decode.acc_seg: 87.3233, aux.loss_ce: 0.1718, aux.acc_seg: 84.3013, loss: 0.5143 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:17:47,638 - mmseg - INFO - Epoch [69][450/450] lr: 6.865e-03, eta: 11:43:34, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.2020, decode.acc_seg: 92.4749, aux.loss_ce: 0.1126, aux.acc_seg: 89.7736, loss: 0.3146
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1109s, ETA: 0s
2021-11-26 09:36:16,770 - mmseg - INFO - per class results: 2021-11-26 09:36:16,772 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.12 | 15.13 | | Buildings | 17.97 | 26.3 | | Low vegetation | 9.53 | 11.29 | | Trees | 11.51 | 14.65 | | Cars | 0.0 | 0.0 | | Clutter | 2.77 | 65.9 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 09:36:16,772 - mmseg - INFO - Summary: 2021-11-26 09:36:16,777 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.42 | 9.32 | 22.21 | +-------+------+-------+ 2021-11-26 09:36:16,778 - mmseg - INFO - Epoch(val) [69][255] aAcc: 0.1842, mIoU: 0.0932, mAcc: 0.2221, IoU.Impervious surface: 0.1412, IoU.Buildings: 0.1797, IoU.Low vegetation: 0.0953, IoU.Trees: 0.1151, IoU.Cars: 0.0000, IoU.Clutter: 0.0277, IoU.Background: nan, Acc.Impervious surface: 0.1513, Acc.Buildings: 0.2630, Acc.Low vegetation: 0.1129, Acc.Trees: 0.1465, Acc.Cars: 0.0000, Acc.Clutter: 0.6590, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:37:39,553 - mmseg - INFO - Epoch [70][90/450] lr: 6.856e-03, eta: 11:43:04, time: 0.919, data_time: 0.238, memory: 7603, decode.loss_ce: 0.1626, decode.acc_seg: 93.8825, aux.loss_ce: 0.0938, aux.acc_seg: 91.4068, loss: 0.2564 2021-11-26 09:38:21,229 - mmseg - INFO - Saving checkpoint at 31200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:38:43,107 - mmseg - INFO - Epoch [70][180/450] lr: 6.846e-03, eta: 11:41:57, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1498, decode.acc_seg: 94.2839, aux.loss_ce: 0.0911, aux.acc_seg: 91.7528, loss: 0.2410 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:39:46,094 - mmseg - INFO - Epoch [70][270/450] lr: 6.837e-03, eta: 11:40:50, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1391, decode.acc_seg: 94.7215, aux.loss_ce: 0.0860, aux.acc_seg: 92.1296, loss: 0.2251 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:40:49,495 - mmseg - INFO - Epoch [70][360/450] lr: 6.828e-03, eta: 11:39:44, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1361, decode.acc_seg: 94.8398, aux.loss_ce: 0.0838, aux.acc_seg: 92.4256, loss: 0.2199 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 09:41:52,617 - mmseg - INFO - Epoch [70][450/450] lr: 6.818e-03, eta: 11:38:36, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1996, decode.acc_seg: 92.5879, aux.loss_ce: 0.1157, aux.acc_seg: 89.6544, loss: 0.3153
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1105s, ETA: 0s
2021-11-26 10:00:17,799 - mmseg - INFO - per class results: 2021-11-26 10:00:17,801 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 4.2 | 4.26 | | Buildings | 31.92 | 58.16 | | Low vegetation | 6.27 | 6.77 | | Trees | 10.17 | 17.27 | | Cars | 0.0 | 0.0 | | Clutter | 1.74 | 28.03 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 10:00:17,801 - mmseg - INFO - Summary: 2021-11-26 10:00:17,802 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 23.83 | 9.05 | 19.08 | +-------+------+-------+ 2021-11-26 10:00:17,803 - mmseg - INFO - Epoch(val) [70][255] aAcc: 0.2383, mIoU: 0.0905, mAcc: 0.1908, IoU.Impervious surface: 0.0420, IoU.Buildings: 0.3192, IoU.Low vegetation: 0.0627, IoU.Trees: 0.1017, IoU.Cars: 0.0000, IoU.Clutter: 0.0174, IoU.Background: nan, Acc.Impervious surface: 0.0426, Acc.Buildings: 0.5816, Acc.Low vegetation: 0.0677, Acc.Trees: 0.1727, Acc.Cars: 0.0000, Acc.Clutter: 0.2803, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:01:40,687 - mmseg - INFO - Epoch [71][90/450] lr: 6.809e-03, eta: 11:38:06, time: 0.920, data_time: 0.243, memory: 7603, decode.loss_ce: 0.1720, decode.acc_seg: 93.4555, aux.loss_ce: 0.0957, aux.acc_seg: 91.2757, loss: 0.2677 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:02:43,391 - mmseg - INFO - Epoch [71][180/450] lr: 6.800e-03, eta: 11:36:58, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1461, decode.acc_seg: 94.5011, aux.loss_ce: 0.0887, aux.acc_seg: 92.0193, loss: 0.2348 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:03:46,695 - mmseg - INFO - Epoch [71][270/450] lr: 6.790e-03, eta: 11:35:51, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1388, decode.acc_seg: 94.6455, aux.loss_ce: 0.0787, aux.acc_seg: 92.8851, loss: 0.2175 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:04:49,852 - mmseg - INFO - Epoch [71][360/450] lr: 6.781e-03, eta: 11:34:44, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1408, decode.acc_seg: 94.6243, aux.loss_ce: 0.0829, aux.acc_seg: 92.4377, loss: 0.2237 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:05:53,362 - mmseg - INFO - Epoch [71][450/450] lr: 6.772e-03, eta: 11:33:38, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1367, decode.acc_seg: 94.8345, aux.loss_ce: 0.0819, aux.acc_seg: 92.6119, loss: 0.2186
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1148s, ETA: 0s
2021-11-26 10:25:01,045 - mmseg - INFO - per class results: 2021-11-26 10:25:01,047 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 5.42 | 6.06 | | Buildings | 60.73 | 94.31 | | Low vegetation | 1.02 | 1.03 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.43 | 22.96 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 10:25:01,047 - mmseg - INFO - Summary: 2021-11-26 10:25:01,048 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 32.72 | 11.6 | 20.73 | +-------+------+-------+ 2021-11-26 10:25:01,050 - mmseg - INFO - Epoch(val) [71][255] aAcc: 0.3272, mIoU: 0.1160, mAcc: 0.2073, IoU.Impervious surface: 0.0542, IoU.Buildings: 0.6073, IoU.Low vegetation: 0.0102, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0243, IoU.Background: nan, Acc.Impervious surface: 0.0606, Acc.Buildings: 0.9431, Acc.Low vegetation: 0.0103, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.2296, Acc.Background: nan 2021-11-26 10:25:56,654 - mmseg - INFO - Saving checkpoint at 32000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:26:25,006 - mmseg - INFO - Epoch [72][90/450] lr: 6.763e-03, eta: 11:33:08, time: 0.932, data_time: 0.245, memory: 7603, decode.loss_ce: 0.1310, decode.acc_seg: 95.0187, aux.loss_ce: 0.0786, aux.acc_seg: 92.8987, loss: 0.2096 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:27:27,478 - mmseg - INFO - Epoch [72][180/450] lr: 6.753e-03, eta: 11:32:00, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1288, decode.acc_seg: 95.0519, aux.loss_ce: 0.0773, aux.acc_seg: 93.0039, loss: 0.2060 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:28:30,618 - mmseg - INFO - Epoch [72][270/450] lr: 6.744e-03, eta: 11:30:53, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1409, decode.acc_seg: 94.6629, aux.loss_ce: 0.0858, aux.acc_seg: 92.1785, loss: 0.2266 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:29:33,577 - mmseg - INFO - Epoch [72][360/450] lr: 6.735e-03, eta: 11:29:45, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1428, decode.acc_seg: 94.6215, aux.loss_ce: 0.0857, aux.acc_seg: 92.1882, loss: 0.2285 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:30:37,069 - mmseg - INFO - Epoch [72][450/450] lr: 6.725e-03, eta: 11:28:39, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1365, decode.acc_seg: 94.8376, aux.loss_ce: 0.0783, aux.acc_seg: 92.8259, loss: 0.2149
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1128s, ETA: 0s
2021-11-26 10:49:25,453 - mmseg - INFO - per class results: 2021-11-26 10:49:25,454 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.32 | 27.42 | | Buildings | 26.32 | 42.2 | | Low vegetation | 10.01 | 11.18 | | Trees | 12.47 | 17.79 | | Cars | 0.0 | 0.0 | | Clutter | 2.59 | 45.78 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 10:49:25,455 - mmseg - INFO - Summary: 2021-11-26 10:49:25,456 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 27.53 | 12.45 | 24.06 | +-------+-------+-------+ 2021-11-26 10:49:25,458 - mmseg - INFO - Epoch(val) [72][255] aAcc: 0.2753, mIoU: 0.1245, mAcc: 0.2406, IoU.Impervious surface: 0.2332, IoU.Buildings: 0.2632, IoU.Low vegetation: 0.1001, IoU.Trees: 0.1247, IoU.Cars: 0.0000, IoU.Clutter: 0.0259, IoU.Background: nan, Acc.Impervious surface: 0.2742, Acc.Buildings: 0.4220, Acc.Low vegetation: 0.1118, Acc.Trees: 0.1779, Acc.Cars: 0.0000, Acc.Clutter: 0.4578, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:50:31,520 - mmseg - INFO - Epoch [73][90/450] lr: 6.716e-03, eta: 11:27:37, time: 0.733, data_time: 0.052, memory: 7603, decode.loss_ce: 0.1361, decode.acc_seg: 94.8974, aux.loss_ce: 0.0829, aux.acc_seg: 92.4912, loss: 0.2189 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:51:34,043 - mmseg - INFO - Epoch [73][180/450] lr: 6.707e-03, eta: 11:26:29, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1751, decode.acc_seg: 93.3342, aux.loss_ce: 0.0995, aux.acc_seg: 90.9924, loss: 0.2746 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:52:37,316 - mmseg - INFO - Epoch [73][270/450] lr: 6.697e-03, eta: 11:25:22, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1665, decode.acc_seg: 93.7108, aux.loss_ce: 0.0971, aux.acc_seg: 91.0814, loss: 0.2636 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:53:40,306 - mmseg - INFO - Epoch [73][360/450] lr: 6.688e-03, eta: 11:24:15, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1416, decode.acc_seg: 94.6516, aux.loss_ce: 0.0819, aux.acc_seg: 92.5439, loss: 0.2235 2021-11-26 10:54:08,390 - mmseg - INFO - Saving checkpoint at 32800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 10:54:44,274 - mmseg - INFO - Epoch [73][450/450] lr: 6.679e-03, eta: 11:23:09, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1344, decode.acc_seg: 94.8654, aux.loss_ce: 0.0847, aux.acc_seg: 92.3568, loss: 0.2191
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1101s, ETA: 0s
2021-11-26 11:13:04,946 - mmseg - INFO - per class results: 2021-11-26 11:13:04,947 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.8 | 3.88 | | Buildings | 13.79 | 19.97 | | Low vegetation | 4.09 | 4.25 | | Trees | 10.5 | 11.95 | | Cars | 0.0 | 0.0 | | Clutter | 2.97 | 77.97 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 11:13:04,948 - mmseg - INFO - Summary: 2021-11-26 11:13:04,948 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 11.21 | 5.86 | 19.67 | +-------+------+-------+ 2021-11-26 11:13:04,951 - mmseg - INFO - Epoch(val) [73][255] aAcc: 0.1121, mIoU: 0.0586, mAcc: 0.1967, IoU.Impervious surface: 0.0380, IoU.Buildings: 0.1379, IoU.Low vegetation: 0.0409, IoU.Trees: 0.1050, IoU.Cars: 0.0000, IoU.Clutter: 0.0297, IoU.Background: nan, Acc.Impervious surface: 0.0388, Acc.Buildings: 0.1997, Acc.Low vegetation: 0.0425, Acc.Trees: 0.1195, Acc.Cars: 0.0000, Acc.Clutter: 0.7797, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:14:28,342 - mmseg - INFO - Epoch [74][90/450] lr: 6.669e-03, eta: 11:22:37, time: 0.926, data_time: 0.248, memory: 7603, decode.loss_ce: 0.1320, decode.acc_seg: 94.9478, aux.loss_ce: 0.0785, aux.acc_seg: 92.8297, loss: 0.2105 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:15:31,012 - mmseg - INFO - Epoch [74][180/450] lr: 6.660e-03, eta: 11:21:29, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1364, decode.acc_seg: 94.7777, aux.loss_ce: 0.0821, aux.acc_seg: 92.4738, loss: 0.2185 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:16:34,035 - mmseg - INFO - Epoch [74][270/450] lr: 6.651e-03, eta: 11:20:22, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1259, decode.acc_seg: 95.1848, aux.loss_ce: 0.0728, aux.acc_seg: 93.3518, loss: 0.1986 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:17:37,264 - mmseg - INFO - Epoch [74][360/450] lr: 6.641e-03, eta: 11:19:15, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1458, decode.acc_seg: 94.4130, aux.loss_ce: 0.0865, aux.acc_seg: 92.2662, loss: 0.2323 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:18:40,683 - mmseg - INFO - Epoch [74][450/450] lr: 6.632e-03, eta: 11:18:08, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1292, decode.acc_seg: 95.0686, aux.loss_ce: 0.0787, aux.acc_seg: 92.8186, loss: 0.2079
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1114s, ETA: 0s
2021-11-26 11:37:14,627 - mmseg - INFO - per class results: 2021-11-26 11:37:14,628 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 22.3 | 25.49 | | Buildings | 17.79 | 25.65 | | Low vegetation | 6.6 | 7.1 | | Trees | 10.14 | 11.34 | | Cars | 0.0 | 0.0 | | Clutter | 2.62 | 62.67 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 11:37:14,629 - mmseg - INFO - Summary: 2021-11-26 11:37:14,630 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 20.33 | 9.91 | 22.04 | +-------+------+-------+ 2021-11-26 11:37:14,631 - mmseg - INFO - Epoch(val) [74][255] aAcc: 0.2033, mIoU: 0.0991, mAcc: 0.2204, IoU.Impervious surface: 0.2230, IoU.Buildings: 0.1779, IoU.Low vegetation: 0.0660, IoU.Trees: 0.1014, IoU.Cars: 0.0000, IoU.Clutter: 0.0262, IoU.Background: nan, Acc.Impervious surface: 0.2549, Acc.Buildings: 0.2565, Acc.Low vegetation: 0.0710, Acc.Trees: 0.1134, Acc.Cars: 0.0000, Acc.Clutter: 0.6267, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:38:37,715 - mmseg - INFO - Epoch [75][90/450] lr: 6.623e-03, eta: 11:17:35, time: 0.922, data_time: 0.242, memory: 7603, decode.loss_ce: 0.1882, decode.acc_seg: 92.9249, aux.loss_ce: 0.0983, aux.acc_seg: 90.9898, loss: 0.2865 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:39:40,296 - mmseg - INFO - Epoch [75][180/450] lr: 6.613e-03, eta: 11:16:27, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1454, decode.acc_seg: 94.5257, aux.loss_ce: 0.0893, aux.acc_seg: 92.0275, loss: 0.2347 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:40:43,616 - mmseg - INFO - Epoch [75][270/450] lr: 6.604e-03, eta: 11:15:20, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1291, decode.acc_seg: 95.0738, aux.loss_ce: 0.0765, aux.acc_seg: 92.9828, loss: 0.2057 2021-11-26 11:41:04,516 - mmseg - INFO - Saving checkpoint at 33600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:41:47,258 - mmseg - INFO - Epoch [75][360/450] lr: 6.595e-03, eta: 11:14:14, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1189, decode.acc_seg: 95.4578, aux.loss_ce: 0.0703, aux.acc_seg: 93.6109, loss: 0.1891 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 11:42:50,645 - mmseg - INFO - Epoch [75][450/450] lr: 6.585e-03, eta: 11:13:07, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1171, decode.acc_seg: 95.4795, aux.loss_ce: 0.0672, aux.acc_seg: 93.8523, loss: 0.1843
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1123s, ETA: 0s
2021-11-26 12:01:34,123 - mmseg - INFO - per class results: 2021-11-26 12:01:34,124 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.5 | 29.98 | | Buildings | 9.5 | 11.05 | | Low vegetation | 14.02 | 15.93 | | Trees | 13.68 | 17.36 | | Cars | 0.02 | 0.02 | | Clutter | 2.33 | 66.82 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 12:01:34,125 - mmseg - INFO - Summary: 2021-11-26 12:01:34,126 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 19.65 | 10.51 | 23.52 | +-------+-------+-------+ 2021-11-26 12:01:34,128 - mmseg - INFO - Epoch(val) [75][255] aAcc: 0.1965, mIoU: 0.1051, mAcc: 0.2352, IoU.Impervious surface: 0.2350, IoU.Buildings: 0.0950, IoU.Low vegetation: 0.1402, IoU.Trees: 0.1368, IoU.Cars: 0.0002, IoU.Clutter: 0.0233, IoU.Background: nan, Acc.Impervious surface: 0.2998, Acc.Buildings: 0.1105, Acc.Low vegetation: 0.1593, Acc.Trees: 0.1736, Acc.Cars: 0.0002, Acc.Clutter: 0.6682, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:02:58,614 - mmseg - INFO - Epoch [76][90/450] lr: 6.576e-03, eta: 11:12:35, time: 0.938, data_time: 0.260, memory: 7603, decode.loss_ce: 0.1148, decode.acc_seg: 95.5651, aux.loss_ce: 0.0685, aux.acc_seg: 93.7328, loss: 0.1833 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:04:01,294 - mmseg - INFO - Epoch [76][180/450] lr: 6.567e-03, eta: 11:11:27, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1109, decode.acc_seg: 95.7402, aux.loss_ce: 0.0662, aux.acc_seg: 93.9779, loss: 0.1772 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:05:04,370 - mmseg - INFO - Epoch [76][270/450] lr: 6.557e-03, eta: 11:10:20, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1093, decode.acc_seg: 95.7854, aux.loss_ce: 0.0657, aux.acc_seg: 93.9881, loss: 0.1751 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:06:07,650 - mmseg - INFO - Epoch [76][360/450] lr: 6.548e-03, eta: 11:09:13, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1118, decode.acc_seg: 95.6843, aux.loss_ce: 0.0666, aux.acc_seg: 93.9176, loss: 0.1784 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:07:11,411 - mmseg - INFO - Epoch [76][450/450] lr: 6.539e-03, eta: 11:08:07, time: 0.708, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1166, decode.acc_seg: 95.5622, aux.loss_ce: 0.0699, aux.acc_seg: 93.6130, loss: 0.1866
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1136s, ETA: 0s
2021-11-26 12:26:07,799 - mmseg - INFO - per class results: 2021-11-26 12:26:07,801 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.61 | 10.85 | | Buildings | 25.09 | 37.35 | | Low vegetation | 29.99 | 37.21 | | Trees | 14.6 | 18.8 | | Cars | 0.0 | 0.0 | | Clutter | 2.3 | 54.74 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 12:26:07,802 - mmseg - INFO - Summary: 2021-11-26 12:26:07,802 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 25.98 | 13.76 | 26.49 | +-------+-------+-------+ 2021-11-26 12:26:07,805 - mmseg - INFO - Epoch(val) [76][255] aAcc: 0.2598, mIoU: 0.1376, mAcc: 0.2649, IoU.Impervious surface: 0.1061, IoU.Buildings: 0.2509, IoU.Low vegetation: 0.2999, IoU.Trees: 0.1460, IoU.Cars: 0.0000, IoU.Clutter: 0.0230, IoU.Background: nan, Acc.Impervious surface: 0.1085, Acc.Buildings: 0.3735, Acc.Low vegetation: 0.3721, Acc.Trees: 0.1880, Acc.Cars: 0.0000, Acc.Clutter: 0.5474, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:27:28,773 - mmseg - INFO - Epoch [77][90/450] lr: 6.529e-03, eta: 11:07:29, time: 0.899, data_time: 0.219, memory: 7603, decode.loss_ce: 0.1112, decode.acc_seg: 95.7083, aux.loss_ce: 0.0667, aux.acc_seg: 93.8987, loss: 0.1779 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:28:31,348 - mmseg - INFO - Epoch [77][180/450] lr: 6.520e-03, eta: 11:06:20, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1077, decode.acc_seg: 95.8045, aux.loss_ce: 0.0676, aux.acc_seg: 93.8129, loss: 0.1753 2021-11-26 12:28:45,201 - mmseg - INFO - Saving checkpoint at 34400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:29:35,176 - mmseg - INFO - Epoch [77][270/450] lr: 6.511e-03, eta: 11:05:14, time: 0.709, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1568, decode.acc_seg: 94.1353, aux.loss_ce: 0.0961, aux.acc_seg: 91.4432, loss: 0.2530 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:30:38,526 - mmseg - INFO - Epoch [77][360/450] lr: 6.501e-03, eta: 11:04:08, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1961, decode.acc_seg: 92.7160, aux.loss_ce: 0.1116, aux.acc_seg: 89.8071, loss: 0.3078 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:31:41,564 - mmseg - INFO - Epoch [77][450/450] lr: 6.492e-03, eta: 11:03:00, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1424, decode.acc_seg: 94.6209, aux.loss_ce: 0.0866, aux.acc_seg: 92.2271, loss: 0.2290
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1161s, ETA: 0s
2021-11-26 12:51:02,767 - mmseg - INFO - per class results: 2021-11-26 12:51:02,769 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.35 | 11.07 | | Buildings | 61.6 | 95.15 | | Low vegetation | 2.11 | 2.13 | | Trees | 8.22 | 9.23 | | Cars | 0.0 | 0.0 | | Clutter | 2.36 | 7.58 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 12:51:02,769 - mmseg - INFO - Summary: 2021-11-26 12:51:02,771 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 35.67 | 14.11 | 20.86 | +-------+-------+-------+ 2021-11-26 12:51:02,772 - mmseg - INFO - Epoch(val) [77][255] aAcc: 0.3567, mIoU: 0.1411, mAcc: 0.2086, IoU.Impervious surface: 0.1035, IoU.Buildings: 0.6160, IoU.Low vegetation: 0.0211, IoU.Trees: 0.0822, IoU.Cars: 0.0000, IoU.Clutter: 0.0236, IoU.Background: nan, Acc.Impervious surface: 0.1107, Acc.Buildings: 0.9515, Acc.Low vegetation: 0.0213, Acc.Trees: 0.0923, Acc.Cars: 0.0000, Acc.Clutter: 0.0758, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:52:22,406 - mmseg - INFO - Epoch [78][90/450] lr: 6.483e-03, eta: 11:02:19, time: 0.884, data_time: 0.205, memory: 7603, decode.loss_ce: 0.1513, decode.acc_seg: 94.2764, aux.loss_ce: 0.0891, aux.acc_seg: 91.8755, loss: 0.2404 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:53:24,829 - mmseg - INFO - Epoch [78][180/450] lr: 6.473e-03, eta: 11:01:11, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1291, decode.acc_seg: 95.0451, aux.loss_ce: 0.0820, aux.acc_seg: 92.6075, loss: 0.2112 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:54:28,149 - mmseg - INFO - Epoch [78][270/450] lr: 6.464e-03, eta: 11:00:04, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1797, decode.acc_seg: 93.5250, aux.loss_ce: 0.1006, aux.acc_seg: 91.3118, loss: 0.2803 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:55:31,259 - mmseg - INFO - Epoch [78][360/450] lr: 6.454e-03, eta: 10:58:57, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1378, decode.acc_seg: 94.8390, aux.loss_ce: 0.0809, aux.acc_seg: 92.6161, loss: 0.2187 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 12:56:34,752 - mmseg - INFO - Epoch [78][450/450] lr: 6.445e-03, eta: 10:57:50, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1390, decode.acc_seg: 94.8686, aux.loss_ce: 0.0822, aux.acc_seg: 92.6867, loss: 0.2212
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1137s, ETA: 0s
2021-11-26 13:15:31,788 - mmseg - INFO - per class results: 2021-11-26 13:15:31,789 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.03 | 17.91 | | Buildings | 28.5 | 44.47 | | Low vegetation | 12.42 | 13.77 | | Trees | 7.44 | 8.01 | | Cars | 0.0 | 0.0 | | Clutter | 2.79 | 73.5 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 13:15:31,789 - mmseg - INFO - Summary: 2021-11-26 13:15:31,790 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 24.97 | 11.36 | 26.28 | +-------+-------+-------+ 2021-11-26 13:15:31,791 - mmseg - INFO - Epoch(val) [78][255] aAcc: 0.2497, mIoU: 0.1136, mAcc: 0.2628, IoU.Impervious surface: 0.1703, IoU.Buildings: 0.2850, IoU.Low vegetation: 0.1242, IoU.Trees: 0.0744, IoU.Cars: 0.0000, IoU.Clutter: 0.0279, IoU.Background: nan, Acc.Impervious surface: 0.1791, Acc.Buildings: 0.4447, Acc.Low vegetation: 0.1377, Acc.Trees: 0.0801, Acc.Cars: 0.0000, Acc.Clutter: 0.7350, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:16:37,788 - mmseg - INFO - Epoch [79][90/450] lr: 6.436e-03, eta: 10:56:47, time: 0.732, data_time: 0.050, memory: 7603, decode.loss_ce: 0.1852, decode.acc_seg: 93.1619, aux.loss_ce: 0.1071, aux.acc_seg: 90.3697, loss: 0.2923 2021-11-26 13:16:44,559 - mmseg - INFO - Saving checkpoint at 35200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:17:41,007 - mmseg - INFO - Epoch [79][180/450] lr: 6.426e-03, eta: 10:55:40, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1634, decode.acc_seg: 93.7887, aux.loss_ce: 0.0922, aux.acc_seg: 91.5585, loss: 0.2557 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:18:44,294 - mmseg - INFO - Epoch [79][270/450] lr: 6.417e-03, eta: 10:54:33, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1682, decode.acc_seg: 93.7425, aux.loss_ce: 0.1008, aux.acc_seg: 91.0299, loss: 0.2691 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:19:47,605 - mmseg - INFO - Epoch [79][360/450] lr: 6.408e-03, eta: 10:53:26, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1620, decode.acc_seg: 93.9042, aux.loss_ce: 0.0983, aux.acc_seg: 91.1840, loss: 0.2603 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:20:50,802 - mmseg - INFO - Epoch [79][450/450] lr: 6.398e-03, eta: 10:52:19, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1291, decode.acc_seg: 95.1556, aux.loss_ce: 0.0770, aux.acc_seg: 93.0227, loss: 0.2060
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1110s, ETA: 0s
2021-11-26 13:39:20,840 - mmseg - INFO - per class results: 2021-11-26 13:39:20,841 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 7.71 | 7.87 | | Buildings | 11.76 | 15.52 | | Low vegetation | 27.97 | 36.64 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.21 | 77.98 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 13:39:20,842 - mmseg - INFO - Summary: 2021-11-26 13:39:20,842 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 16.09 | 8.44 | 23.0 | +-------+------+------+ 2021-11-26 13:39:20,843 - mmseg - INFO - Epoch(val) [79][255] aAcc: 0.1609, mIoU: 0.0844, mAcc: 0.2300, IoU.Impervious surface: 0.0771, IoU.Buildings: 0.1176, IoU.Low vegetation: 0.2797, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0321, IoU.Background: nan, Acc.Impervious surface: 0.0787, Acc.Buildings: 0.1552, Acc.Low vegetation: 0.3664, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.7798, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:40:44,507 - mmseg - INFO - Epoch [80][90/450] lr: 6.389e-03, eta: 10:51:44, time: 0.929, data_time: 0.251, memory: 7603, decode.loss_ce: 0.1192, decode.acc_seg: 95.4112, aux.loss_ce: 0.0710, aux.acc_seg: 93.4832, loss: 0.1902 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:41:47,017 - mmseg - INFO - Epoch [80][180/450] lr: 6.380e-03, eta: 10:50:35, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1170, decode.acc_seg: 95.4914, aux.loss_ce: 0.0704, aux.acc_seg: 93.5425, loss: 0.1874 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:42:50,007 - mmseg - INFO - Epoch [80][270/450] lr: 6.370e-03, eta: 10:49:28, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1409, decode.acc_seg: 94.7770, aux.loss_ce: 0.0860, aux.acc_seg: 92.3714, loss: 0.2269 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:43:53,342 - mmseg - INFO - Epoch [80][360/450] lr: 6.361e-03, eta: 10:48:21, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1609, decode.acc_seg: 94.1428, aux.loss_ce: 0.0932, aux.acc_seg: 91.7159, loss: 0.2541 2021-11-26 13:44:56,446 - mmseg - INFO - Saving checkpoint at 36000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 13:44:57,262 - mmseg - INFO - Epoch [80][450/450] lr: 6.351e-03, eta: 10:47:15, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1253, decode.acc_seg: 95.2179, aux.loss_ce: 0.0804, aux.acc_seg: 92.7554, loss: 0.2057
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1272s, ETA: 0s
2021-11-26 14:06:09,255 - mmseg - INFO - per class results: 2021-11-26 14:06:09,257 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 1.72 | 1.72 | | Buildings | 18.27 | 25.56 | | Low vegetation | 18.13 | 19.39 | | Trees | 5.3 | 5.57 | | Cars | 0.0 | 0.0 | | Clutter | 2.89 | 73.62 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 14:06:09,257 - mmseg - INFO - Summary: 2021-11-26 14:06:09,259 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.46 | 7.72 | 20.98 | +-------+------+-------+ 2021-11-26 14:06:09,260 - mmseg - INFO - Epoch(val) [80][255] aAcc: 0.1446, mIoU: 0.0772, mAcc: 0.2098, IoU.Impervious surface: 0.0172, IoU.Buildings: 0.1827, IoU.Low vegetation: 0.1813, IoU.Trees: 0.0530, IoU.Cars: 0.0000, IoU.Clutter: 0.0289, IoU.Background: nan, Acc.Impervious surface: 0.0172, Acc.Buildings: 0.2556, Acc.Low vegetation: 0.1939, Acc.Trees: 0.0557, Acc.Cars: 0.0000, Acc.Clutter: 0.7362, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:07:29,499 - mmseg - INFO - Epoch [81][90/450] lr: 6.342e-03, eta: 10:46:34, time: 0.891, data_time: 0.213, memory: 7603, decode.loss_ce: 0.1270, decode.acc_seg: 95.1856, aux.loss_ce: 0.0778, aux.acc_seg: 92.9324, loss: 0.2047 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:08:32,107 - mmseg - INFO - Epoch [81][180/450] lr: 6.333e-03, eta: 10:45:26, time: 0.696, data_time: 0.003, memory: 7603, decode.loss_ce: 0.1113, decode.acc_seg: 95.7308, aux.loss_ce: 0.0694, aux.acc_seg: 93.7177, loss: 0.1807 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:09:34,972 - mmseg - INFO - Epoch [81][270/450] lr: 6.323e-03, eta: 10:44:18, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1133, decode.acc_seg: 95.5778, aux.loss_ce: 0.0679, aux.acc_seg: 93.7972, loss: 0.1812 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:10:38,275 - mmseg - INFO - Epoch [81][360/450] lr: 6.314e-03, eta: 10:43:11, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1125, decode.acc_seg: 95.6552, aux.loss_ce: 0.0701, aux.acc_seg: 93.7015, loss: 0.1826 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:11:41,359 - mmseg - INFO - Epoch [81][450/450] lr: 6.305e-03, eta: 10:42:04, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1092, decode.acc_seg: 95.8059, aux.loss_ce: 0.0659, aux.acc_seg: 93.9406, loss: 0.1752
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1113s, ETA: 0s
2021-11-26 14:30:14,349 - mmseg - INFO - per class results: 2021-11-26 14:30:14,351 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.77 | 11.51 | | Buildings | 22.08 | 33.43 | | Low vegetation | 14.59 | 19.31 | | Trees | 0.08 | 0.08 | | Cars | 0.0 | 0.0 | | Clutter | 2.71 | 65.01 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 14:30:14,351 - mmseg - INFO - Summary: 2021-11-26 14:30:14,352 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 19.37 | 8.37 | 21.56 | +-------+------+-------+ 2021-11-26 14:30:14,353 - mmseg - INFO - Epoch(val) [81][255] aAcc: 0.1937, mIoU: 0.0837, mAcc: 0.2156, IoU.Impervious surface: 0.1077, IoU.Buildings: 0.2208, IoU.Low vegetation: 0.1459, IoU.Trees: 0.0008, IoU.Cars: 0.0000, IoU.Clutter: 0.0271, IoU.Background: nan, Acc.Impervious surface: 0.1151, Acc.Buildings: 0.3343, Acc.Low vegetation: 0.1931, Acc.Trees: 0.0008, Acc.Cars: 0.0000, Acc.Clutter: 0.6501, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:31:36,289 - mmseg - INFO - Epoch [82][90/450] lr: 6.295e-03, eta: 10:41:24, time: 0.910, data_time: 0.232, memory: 7603, decode.loss_ce: 0.1048, decode.acc_seg: 95.9725, aux.loss_ce: 0.0642, aux.acc_seg: 94.2126, loss: 0.1691 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:32:38,890 - mmseg - INFO - Epoch [82][180/450] lr: 6.286e-03, eta: 10:40:16, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1047, decode.acc_seg: 95.9107, aux.loss_ce: 0.0629, aux.acc_seg: 94.1810, loss: 0.1676 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:33:41,619 - mmseg - INFO - Epoch [82][270/450] lr: 6.276e-03, eta: 10:39:09, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1179, decode.acc_seg: 95.4583, aux.loss_ce: 0.0711, aux.acc_seg: 93.4641, loss: 0.1890 2021-11-26 14:34:37,585 - mmseg - INFO - Saving checkpoint at 36800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:34:45,371 - mmseg - INFO - Epoch [82][360/450] lr: 6.267e-03, eta: 10:38:02, time: 0.708, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1137, decode.acc_seg: 95.6698, aux.loss_ce: 0.0744, aux.acc_seg: 93.2590, loss: 0.1881 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:35:48,541 - mmseg - INFO - Epoch [82][450/450] lr: 6.258e-03, eta: 10:36:55, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1126, decode.acc_seg: 95.6575, aux.loss_ce: 0.0695, aux.acc_seg: 93.6466, loss: 0.1822
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1125s, ETA: 0s
2021-11-26 14:54:33,345 - mmseg - INFO - per class results: 2021-11-26 14:54:33,347 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 16.25 | 17.47 | | Buildings | 13.73 | 18.39 | | Low vegetation | 17.68 | 20.98 | | Trees | 5.67 | 6.37 | | Cars | 0.0 | 0.0 | | Clutter | 3.2 | 76.39 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 14:54:33,347 - mmseg - INFO - Summary: 2021-11-26 14:54:33,348 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 17.77 | 9.42 | 23.27 | +-------+------+-------+ 2021-11-26 14:54:33,349 - mmseg - INFO - Epoch(val) [82][255] aAcc: 0.1777, mIoU: 0.0942, mAcc: 0.2327, IoU.Impervious surface: 0.1625, IoU.Buildings: 0.1373, IoU.Low vegetation: 0.1768, IoU.Trees: 0.0567, IoU.Cars: 0.0000, IoU.Clutter: 0.0320, IoU.Background: nan, Acc.Impervious surface: 0.1747, Acc.Buildings: 0.1839, Acc.Low vegetation: 0.2098, Acc.Trees: 0.0637, Acc.Cars: 0.0000, Acc.Clutter: 0.7639, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:55:54,429 - mmseg - INFO - Epoch [83][90/450] lr: 6.248e-03, eta: 10:36:14, time: 0.900, data_time: 0.225, memory: 7603, decode.loss_ce: 0.1151, decode.acc_seg: 95.5427, aux.loss_ce: 0.0716, aux.acc_seg: 93.4009, loss: 0.1867 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:56:56,896 - mmseg - INFO - Epoch [83][180/450] lr: 6.239e-03, eta: 10:35:06, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1723, decode.acc_seg: 93.6894, aux.loss_ce: 0.0984, aux.acc_seg: 91.1704, loss: 0.2707 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:57:59,561 - mmseg - INFO - Epoch [83][270/450] lr: 6.229e-03, eta: 10:33:58, time: 0.696, data_time: 0.003, memory: 7603, decode.loss_ce: 0.1753, decode.acc_seg: 93.3121, aux.loss_ce: 0.1033, aux.acc_seg: 90.5389, loss: 0.2786 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 14:59:02,692 - mmseg - INFO - Epoch [83][360/450] lr: 6.220e-03, eta: 10:32:51, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1333, decode.acc_seg: 94.9031, aux.loss_ce: 0.0805, aux.acc_seg: 92.6628, loss: 0.2138 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:00:05,743 - mmseg - INFO - Epoch [83][450/450] lr: 6.211e-03, eta: 10:31:43, time: 0.701, data_time: 0.003, memory: 7603, decode.loss_ce: 0.1203, decode.acc_seg: 95.3626, aux.loss_ce: 0.0789, aux.acc_seg: 92.8587, loss: 0.1992
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1116s, ETA: 0s
2021-11-26 15:18:42,152 - mmseg - INFO - per class results: 2021-11-26 15:18:42,154 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.18 | 13.79 | | Buildings | 16.04 | 22.1 | | Low vegetation | 18.52 | 22.51 | | Trees | 4.17 | 4.38 | | Cars | 0.0 | 0.0 | | Clutter | 2.96 | 71.03 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 15:18:42,155 - mmseg - INFO - Summary: 2021-11-26 15:18:42,155 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 17.73 | 9.15 | 22.3 | +-------+------+------+ 2021-11-26 15:18:42,157 - mmseg - INFO - Epoch(val) [83][255] aAcc: 0.1773, mIoU: 0.0915, mAcc: 0.2230, IoU.Impervious surface: 0.1318, IoU.Buildings: 0.1604, IoU.Low vegetation: 0.1852, IoU.Trees: 0.0417, IoU.Cars: 0.0000, IoU.Clutter: 0.0296, IoU.Background: nan, Acc.Impervious surface: 0.1379, Acc.Buildings: 0.2210, Acc.Low vegetation: 0.2251, Acc.Trees: 0.0438, Acc.Cars: 0.0000, Acc.Clutter: 0.7103, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:20:02,115 - mmseg - INFO - Epoch [84][90/450] lr: 6.201e-03, eta: 10:31:00, time: 0.888, data_time: 0.211, memory: 7603, decode.loss_ce: 0.1197, decode.acc_seg: 95.3948, aux.loss_ce: 0.0768, aux.acc_seg: 92.9478, loss: 0.1965 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:21:04,624 - mmseg - INFO - Epoch [84][180/450] lr: 6.192e-03, eta: 10:29:52, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1307, decode.acc_seg: 95.1410, aux.loss_ce: 0.0791, aux.acc_seg: 92.9183, loss: 0.2098 2021-11-26 15:21:53,398 - mmseg - INFO - Saving checkpoint at 37600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:22:08,191 - mmseg - INFO - Epoch [84][270/450] lr: 6.182e-03, eta: 10:28:45, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1158, decode.acc_seg: 95.6007, aux.loss_ce: 0.0762, aux.acc_seg: 93.1549, loss: 0.1920 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:23:11,126 - mmseg - INFO - Epoch [84][360/450] lr: 6.173e-03, eta: 10:27:38, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1119, decode.acc_seg: 95.7072, aux.loss_ce: 0.0714, aux.acc_seg: 93.4436, loss: 0.1832 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:24:14,295 - mmseg - INFO - Epoch [84][450/450] lr: 6.164e-03, eta: 10:26:31, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1080, decode.acc_seg: 95.8018, aux.loss_ce: 0.0660, aux.acc_seg: 93.9307, loss: 0.1740
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1126s, ETA: 0s
2021-11-26 15:43:00,298 - mmseg - INFO - per class results: 2021-11-26 15:43:00,300 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 25.75 | 32.28 | | Buildings | 16.23 | 21.68 | | Low vegetation | 8.68 | 9.39 | | Trees | 9.76 | 12.79 | | Cars | 0.0 | 0.0 | | Clutter | 2.54 | 59.16 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 15:43:00,301 - mmseg - INFO - Summary: 2021-11-26 15:43:00,301 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 21.84 | 10.49 | 22.55 | +-------+-------+-------+ 2021-11-26 15:43:00,303 - mmseg - INFO - Epoch(val) [84][255] aAcc: 0.2184, mIoU: 0.1049, mAcc: 0.2255, IoU.Impervious surface: 0.2575, IoU.Buildings: 0.1623, IoU.Low vegetation: 0.0868, IoU.Trees: 0.0976, IoU.Cars: 0.0000, IoU.Clutter: 0.0254, IoU.Background: nan, Acc.Impervious surface: 0.3228, Acc.Buildings: 0.2168, Acc.Low vegetation: 0.0939, Acc.Trees: 0.1279, Acc.Cars: 0.0000, Acc.Clutter: 0.5916, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:44:07,456 - mmseg - INFO - Epoch [85][90/450] lr: 6.154e-03, eta: 10:25:29, time: 0.745, data_time: 0.065, memory: 7603, decode.loss_ce: 0.1086, decode.acc_seg: 95.7908, aux.loss_ce: 0.0668, aux.acc_seg: 93.8614, loss: 0.1754 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:45:09,668 - mmseg - INFO - Epoch [85][180/450] lr: 6.145e-03, eta: 10:24:20, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1023, decode.acc_seg: 96.0363, aux.loss_ce: 0.0615, aux.acc_seg: 94.3540, loss: 0.1639 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:46:12,401 - mmseg - INFO - Epoch [85][270/450] lr: 6.135e-03, eta: 10:23:13, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1238, decode.acc_seg: 95.4165, aux.loss_ce: 0.0761, aux.acc_seg: 93.1429, loss: 0.1999 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:47:15,455 - mmseg - INFO - Epoch [85][360/450] lr: 6.126e-03, eta: 10:22:06, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1310, decode.acc_seg: 95.0772, aux.loss_ce: 0.0767, aux.acc_seg: 92.9825, loss: 0.2077 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 15:48:18,331 - mmseg - INFO - Epoch [85][450/450] lr: 6.116e-03, eta: 10:20:58, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1275, decode.acc_seg: 95.1641, aux.loss_ce: 0.0790, aux.acc_seg: 92.7505, loss: 0.2065
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1288s, ETA: 0s
2021-11-26 16:09:46,791 - mmseg - INFO - per class results: 2021-11-26 16:09:46,792 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 21.61 | 24.67 | | Buildings | 24.51 | 37.54 | | Low vegetation | 10.14 | 11.19 | | Trees | 13.76 | 19.09 | | Cars | 0.0 | 0.0 | | Clutter | 2.31 | 45.36 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 16:09:46,793 - mmseg - INFO - Summary: 2021-11-26 16:09:46,793 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 25.29 | 12.06 | 22.98 | +-------+-------+-------+ 2021-11-26 16:09:46,795 - mmseg - INFO - Epoch(val) [85][255] aAcc: 0.2529, mIoU: 0.1206, mAcc: 0.2298, IoU.Impervious surface: 0.2161, IoU.Buildings: 0.2451, IoU.Low vegetation: 0.1014, IoU.Trees: 0.1376, IoU.Cars: 0.0000, IoU.Clutter: 0.0231, IoU.Background: nan, Acc.Impervious surface: 0.2467, Acc.Buildings: 0.3754, Acc.Low vegetation: 0.1119, Acc.Trees: 0.1909, Acc.Cars: 0.0000, Acc.Clutter: 0.4536, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:11:09,225 - mmseg - INFO - Epoch [86][90/450] lr: 6.107e-03, eta: 10:20:17, time: 0.915, data_time: 0.239, memory: 7603, decode.loss_ce: 0.1219, decode.acc_seg: 95.3767, aux.loss_ce: 0.0739, aux.acc_seg: 93.2727, loss: 0.1958 2021-11-26 16:11:50,624 - mmseg - INFO - Saving checkpoint at 38400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:12:12,157 - mmseg - INFO - Epoch [86][180/450] lr: 6.098e-03, eta: 10:19:10, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1162, decode.acc_seg: 95.5175, aux.loss_ce: 0.0696, aux.acc_seg: 93.5895, loss: 0.1858 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:13:14,747 - mmseg - INFO - Epoch [86][270/450] lr: 6.088e-03, eta: 10:18:02, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1109, decode.acc_seg: 95.7042, aux.loss_ce: 0.0676, aux.acc_seg: 93.7878, loss: 0.1784 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:14:17,658 - mmseg - INFO - Epoch [86][360/450] lr: 6.079e-03, eta: 10:16:54, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1045, decode.acc_seg: 95.9905, aux.loss_ce: 0.0649, aux.acc_seg: 94.0780, loss: 0.1694 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:15:20,499 - mmseg - INFO - Epoch [86][450/450] lr: 6.069e-03, eta: 10:15:47, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1013, decode.acc_seg: 96.0879, aux.loss_ce: 0.0622, aux.acc_seg: 94.2616, loss: 0.1635
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1098s, ETA: 0s
2021-11-26 16:33:38,686 - mmseg - INFO - per class results: 2021-11-26 16:33:38,687 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.96 | 4.0 | | Buildings | 20.78 | 28.66 | | Low vegetation | 0.21 | 0.21 | | Trees | 1.71 | 1.74 | | Cars | 0.0 | 0.0 | | Clutter | 2.9 | 83.06 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 16:33:38,688 - mmseg - INFO - Summary: 2021-11-26 16:33:38,688 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 12.11 | 4.93 | 19.61 | +-------+------+-------+ 2021-11-26 16:33:38,689 - mmseg - INFO - Epoch(val) [86][255] aAcc: 0.1211, mIoU: 0.0493, mAcc: 0.1961, IoU.Impervious surface: 0.0396, IoU.Buildings: 0.2078, IoU.Low vegetation: 0.0021, IoU.Trees: 0.0171, IoU.Cars: 0.0000, IoU.Clutter: 0.0290, IoU.Background: nan, Acc.Impervious surface: 0.0400, Acc.Buildings: 0.2866, Acc.Low vegetation: 0.0021, Acc.Trees: 0.0174, Acc.Cars: 0.0000, Acc.Clutter: 0.8306, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:35:00,600 - mmseg - INFO - Epoch [87][90/450] lr: 6.060e-03, eta: 10:15:05, time: 0.909, data_time: 0.233, memory: 7603, decode.loss_ce: 0.0981, decode.acc_seg: 96.1955, aux.loss_ce: 0.0621, aux.acc_seg: 94.3324, loss: 0.1602 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:36:02,849 - mmseg - INFO - Epoch [87][180/450] lr: 6.051e-03, eta: 10:13:56, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1073, decode.acc_seg: 95.8452, aux.loss_ce: 0.0688, aux.acc_seg: 93.8182, loss: 0.1761 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:37:05,470 - mmseg - INFO - Epoch [87][270/450] lr: 6.041e-03, eta: 10:12:49, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1060, decode.acc_seg: 95.9119, aux.loss_ce: 0.0641, aux.acc_seg: 94.1573, loss: 0.1701 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:38:08,488 - mmseg - INFO - Epoch [87][360/450] lr: 6.032e-03, eta: 10:11:41, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1057, decode.acc_seg: 95.9578, aux.loss_ce: 0.0680, aux.acc_seg: 93.8562, loss: 0.1737 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:39:11,176 - mmseg - INFO - Epoch [87][450/450] lr: 6.022e-03, eta: 10:10:34, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1002, decode.acc_seg: 96.1048, aux.loss_ce: 0.0624, aux.acc_seg: 94.2495, loss: 0.1625
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1150s, ETA: 0s
2021-11-26 16:58:20,999 - mmseg - INFO - per class results: 2021-11-26 16:58:21,000 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.0 | 18.47 | | Buildings | 42.28 | 66.66 | | Low vegetation | 12.14 | 13.85 | | Trees | 2.8 | 2.84 | | Cars | 0.0 | 0.0 | | Clutter | 2.73 | 52.05 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 16:58:21,001 - mmseg - INFO - Summary: 2021-11-26 16:58:21,001 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 31.29 | 12.82 | 25.64 | +-------+-------+-------+ 2021-11-26 16:58:21,003 - mmseg - INFO - Epoch(val) [87][255] aAcc: 0.3129, mIoU: 0.1282, mAcc: 0.2564, IoU.Impervious surface: 0.1700, IoU.Buildings: 0.4228, IoU.Low vegetation: 0.1214, IoU.Trees: 0.0280, IoU.Cars: 0.0000, IoU.Clutter: 0.0273, IoU.Background: nan, Acc.Impervious surface: 0.1847, Acc.Buildings: 0.6666, Acc.Low vegetation: 0.1385, Acc.Trees: 0.0284, Acc.Cars: 0.0000, Acc.Clutter: 0.5205, Acc.Background: nan 2021-11-26 16:59:15,713 - mmseg - INFO - Saving checkpoint at 39200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 16:59:44,087 - mmseg - INFO - Epoch [88][90/450] lr: 6.013e-03, eta: 10:09:52, time: 0.922, data_time: 0.234, memory: 7603, decode.loss_ce: 0.1000, decode.acc_seg: 96.1214, aux.loss_ce: 0.0620, aux.acc_seg: 94.3052, loss: 0.1620 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:00:46,040 - mmseg - INFO - Epoch [88][180/450] lr: 6.003e-03, eta: 10:08:44, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1041, decode.acc_seg: 95.9157, aux.loss_ce: 0.0672, aux.acc_seg: 93.8007, loss: 0.1713 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:01:48,926 - mmseg - INFO - Epoch [88][270/450] lr: 5.994e-03, eta: 10:07:36, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0992, decode.acc_seg: 96.1762, aux.loss_ce: 0.0595, aux.acc_seg: 94.5085, loss: 0.1587 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:02:51,508 - mmseg - INFO - Epoch [88][360/450] lr: 5.984e-03, eta: 10:06:28, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0945, decode.acc_seg: 96.3482, aux.loss_ce: 0.0567, aux.acc_seg: 94.8042, loss: 0.1513 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:03:54,452 - mmseg - INFO - Epoch [88][450/450] lr: 5.975e-03, eta: 10:05:21, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1014, decode.acc_seg: 96.1066, aux.loss_ce: 0.0652, aux.acc_seg: 94.0769, loss: 0.1666
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1119s, ETA: 0s
2021-11-26 17:22:33,551 - mmseg - INFO - per class results: 2021-11-26 17:22:33,553 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.57 | 10.96 | | Buildings | 24.8 | 35.14 | | Low vegetation | 10.83 | 12.17 | | Trees | 0.18 | 0.18 | | Cars | 0.0 | 0.0 | | Clutter | 3.21 | 76.0 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 17:22:33,553 - mmseg - INFO - Summary: 2021-11-26 17:22:33,554 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.52 | 8.1 | 22.41 | +-------+------+-------+ 2021-11-26 17:22:33,555 - mmseg - INFO - Epoch(val) [88][255] aAcc: 0.1852, mIoU: 0.0810, mAcc: 0.2241, IoU.Impervious surface: 0.0957, IoU.Buildings: 0.2480, IoU.Low vegetation: 0.1083, IoU.Trees: 0.0018, IoU.Cars: 0.0000, IoU.Clutter: 0.0321, IoU.Background: nan, Acc.Impervious surface: 0.1096, Acc.Buildings: 0.3514, Acc.Low vegetation: 0.1217, Acc.Trees: 0.0018, Acc.Cars: 0.0000, Acc.Clutter: 0.7600, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:23:57,859 - mmseg - INFO - Epoch [89][90/450] lr: 5.966e-03, eta: 10:04:41, time: 0.936, data_time: 0.257, memory: 7603, decode.loss_ce: 0.1002, decode.acc_seg: 96.0666, aux.loss_ce: 0.0633, aux.acc_seg: 94.1738, loss: 0.1635 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:24:59,812 - mmseg - INFO - Epoch [89][180/450] lr: 5.956e-03, eta: 10:03:32, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1010, decode.acc_seg: 96.0758, aux.loss_ce: 0.0630, aux.acc_seg: 94.1971, loss: 0.1640 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:26:02,659 - mmseg - INFO - Epoch [89][270/450] lr: 5.947e-03, eta: 10:02:25, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1112, decode.acc_seg: 95.7152, aux.loss_ce: 0.0709, aux.acc_seg: 93.5220, loss: 0.1821 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:27:05,234 - mmseg - INFO - Epoch [89][360/450] lr: 5.937e-03, eta: 10:01:17, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1016, decode.acc_seg: 96.0533, aux.loss_ce: 0.0612, aux.acc_seg: 94.3040, loss: 0.1627 2021-11-26 17:27:33,207 - mmseg - INFO - Saving checkpoint at 40000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:28:08,658 - mmseg - INFO - Epoch [89][450/450] lr: 5.928e-03, eta: 10:00:10, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1017, decode.acc_seg: 96.0384, aux.loss_ce: 0.0636, aux.acc_seg: 94.2102, loss: 0.1653
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1100s, ETA: 0s
2021-11-26 17:46:28,653 - mmseg - INFO - per class results: 2021-11-26 17:46:28,655 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.67 | 13.44 | | Buildings | 18.15 | 24.77 | | Low vegetation | 6.95 | 7.62 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.18 | 75.61 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 17:46:28,656 - mmseg - INFO - Summary: 2021-11-26 17:46:28,657 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 15.09 | 6.82 | 20.24 | +-------+------+-------+ 2021-11-26 17:46:28,659 - mmseg - INFO - Epoch(val) [89][255] aAcc: 0.1509, mIoU: 0.0682, mAcc: 0.2024, IoU.Impervious surface: 0.1267, IoU.Buildings: 0.1815, IoU.Low vegetation: 0.0695, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0318, IoU.Background: nan, Acc.Impervious surface: 0.1344, Acc.Buildings: 0.2477, Acc.Low vegetation: 0.0762, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.7561, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:47:36,429 - mmseg - INFO - Epoch [90][90/450] lr: 5.918e-03, eta: 9:59:09, time: 0.752, data_time: 0.072, memory: 7603, decode.loss_ce: 0.1085, decode.acc_seg: 95.8519, aux.loss_ce: 0.0705, aux.acc_seg: 93.5914, loss: 0.1790 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:48:38,393 - mmseg - INFO - Epoch [90][180/450] lr: 5.909e-03, eta: 9:58:00, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0982, decode.acc_seg: 96.1662, aux.loss_ce: 0.0602, aux.acc_seg: 94.4230, loss: 0.1584 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:49:41,026 - mmseg - INFO - Epoch [90][270/450] lr: 5.899e-03, eta: 9:56:53, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1447, decode.acc_seg: 94.6577, aux.loss_ce: 0.0907, aux.acc_seg: 91.8933, loss: 0.2354 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:50:44,071 - mmseg - INFO - Epoch [90][360/450] lr: 5.890e-03, eta: 9:55:46, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1317, decode.acc_seg: 94.9266, aux.loss_ce: 0.0813, aux.acc_seg: 92.6609, loss: 0.2130 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 17:51:46,605 - mmseg - INFO - Epoch [90][450/450] lr: 5.881e-03, eta: 9:54:38, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1296, decode.acc_seg: 95.1041, aux.loss_ce: 0.0831, aux.acc_seg: 92.4590, loss: 0.2126
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1169s, ETA: 0s
2021-11-26 18:11:15,267 - mmseg - INFO - per class results: 2021-11-26 18:11:15,270 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.03 | 14.37 | | Buildings | 15.96 | 19.44 | | Low vegetation | 11.74 | 13.25 | | Trees | 0.79 | 0.82 | | Cars | 0.0 | 0.0 | | Clutter | 2.83 | 81.31 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 18:11:15,270 - mmseg - INFO - Summary: 2021-11-26 18:11:15,271 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.99 | 7.56 | 21.53 | +-------+------+-------+ 2021-11-26 18:11:15,272 - mmseg - INFO - Epoch(val) [90][255] aAcc: 0.1499, mIoU: 0.0756, mAcc: 0.2153, IoU.Impervious surface: 0.1403, IoU.Buildings: 0.1596, IoU.Low vegetation: 0.1174, IoU.Trees: 0.0079, IoU.Cars: 0.0000, IoU.Clutter: 0.0283, IoU.Background: nan, Acc.Impervious surface: 0.1437, Acc.Buildings: 0.1944, Acc.Low vegetation: 0.1325, Acc.Trees: 0.0082, Acc.Cars: 0.0000, Acc.Clutter: 0.8131, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:12:40,147 - mmseg - INFO - Epoch [91][90/450] lr: 5.871e-03, eta: 9:53:57, time: 0.942, data_time: 0.265, memory: 7603, decode.loss_ce: 0.1106, decode.acc_seg: 95.7240, aux.loss_ce: 0.0698, aux.acc_seg: 93.5582, loss: 0.1803 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:13:42,368 - mmseg - INFO - Epoch [91][180/450] lr: 5.862e-03, eta: 9:52:49, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0983, decode.acc_seg: 96.2091, aux.loss_ce: 0.0627, aux.acc_seg: 94.2373, loss: 0.1610 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:14:44,713 - mmseg - INFO - Epoch [91][270/450] lr: 5.852e-03, eta: 9:51:41, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1042, decode.acc_seg: 95.9953, aux.loss_ce: 0.0661, aux.acc_seg: 93.9942, loss: 0.1702 2021-11-26 18:15:05,623 - mmseg - INFO - Saving checkpoint at 40800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:15:48,479 - mmseg - INFO - Epoch [91][360/450] lr: 5.843e-03, eta: 9:50:35, time: 0.709, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0929, decode.acc_seg: 96.4257, aux.loss_ce: 0.0596, aux.acc_seg: 94.5815, loss: 0.1525 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:16:51,313 - mmseg - INFO - Epoch [91][450/450] lr: 5.833e-03, eta: 9:49:27, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1248, decode.acc_seg: 95.2403, aux.loss_ce: 0.0753, aux.acc_seg: 93.1795, loss: 0.2001
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1105s, ETA: 0s
2021-11-26 18:35:16,009 - mmseg - INFO - per class results: 2021-11-26 18:35:16,011 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 4.06 | 4.09 | | Buildings | 27.81 | 45.26 | | Low vegetation | 0.24 | 0.24 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.44 | 68.93 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 18:35:16,011 - mmseg - INFO - Summary: 2021-11-26 18:35:16,012 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 17.01 | 5.76 | 19.75 | +-------+------+-------+ 2021-11-26 18:35:16,014 - mmseg - INFO - Epoch(val) [91][255] aAcc: 0.1701, mIoU: 0.0576, mAcc: 0.1975, IoU.Impervious surface: 0.0406, IoU.Buildings: 0.2781, IoU.Low vegetation: 0.0024, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0244, IoU.Background: nan, Acc.Impervious surface: 0.0409, Acc.Buildings: 0.4526, Acc.Low vegetation: 0.0024, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.6893, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:36:39,007 - mmseg - INFO - Epoch [92][90/450] lr: 5.824e-03, eta: 9:48:44, time: 0.921, data_time: 0.244, memory: 7603, decode.loss_ce: 0.1087, decode.acc_seg: 95.8173, aux.loss_ce: 0.0682, aux.acc_seg: 93.7503, loss: 0.1769 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:37:40,856 - mmseg - INFO - Epoch [92][180/450] lr: 5.814e-03, eta: 9:47:35, time: 0.687, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1265, decode.acc_seg: 95.1720, aux.loss_ce: 0.0758, aux.acc_seg: 93.0375, loss: 0.2023 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:38:43,595 - mmseg - INFO - Epoch [92][270/450] lr: 5.805e-03, eta: 9:46:28, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1035, decode.acc_seg: 96.0061, aux.loss_ce: 0.0653, aux.acc_seg: 94.0635, loss: 0.1688 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:39:46,008 - mmseg - INFO - Epoch [92][360/450] lr: 5.795e-03, eta: 9:45:20, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1094, decode.acc_seg: 95.8062, aux.loss_ce: 0.0663, aux.acc_seg: 93.9004, loss: 0.1757 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 18:40:48,986 - mmseg - INFO - Epoch [92][450/450] lr: 5.786e-03, eta: 9:44:13, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1885, decode.acc_seg: 92.9811, aux.loss_ce: 0.1162, aux.acc_seg: 89.6706, loss: 0.3046
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1115s, ETA: 0s
2021-11-26 18:59:24,228 - mmseg - INFO - per class results: 2021-11-26 18:59:24,229 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 2.19 | 2.19 | | Buildings | 28.09 | 51.2 | | Low vegetation | 4.75 | 5.1 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 1.99 | 57.73 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 18:59:24,229 - mmseg - INFO - Summary: 2021-11-26 18:59:24,230 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 19.06 | 6.17 | 19.37 | +-------+------+-------+ 2021-11-26 18:59:24,233 - mmseg - INFO - Epoch(val) [92][255] aAcc: 0.1906, mIoU: 0.0617, mAcc: 0.1937, IoU.Impervious surface: 0.0219, IoU.Buildings: 0.2809, IoU.Low vegetation: 0.0475, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0199, IoU.Background: nan, Acc.Impervious surface: 0.0219, Acc.Buildings: 0.5120, Acc.Low vegetation: 0.0510, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.5773, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:00:47,790 - mmseg - INFO - Epoch [93][90/450] lr: 5.776e-03, eta: 9:43:30, time: 0.928, data_time: 0.248, memory: 7603, decode.loss_ce: 0.1926, decode.acc_seg: 92.8054, aux.loss_ce: 0.1141, aux.acc_seg: 89.7446, loss: 0.3067 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:01:49,772 - mmseg - INFO - Epoch [93][180/450] lr: 5.767e-03, eta: 9:42:21, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1386, decode.acc_seg: 94.7004, aux.loss_ce: 0.0849, aux.acc_seg: 92.1583, loss: 0.2235 2021-11-26 19:02:03,684 - mmseg - INFO - Saving checkpoint at 41600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:02:53,280 - mmseg - INFO - Epoch [93][270/450] lr: 5.757e-03, eta: 9:41:15, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1263, decode.acc_seg: 95.2178, aux.loss_ce: 0.0817, aux.acc_seg: 92.5052, loss: 0.2081 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:03:55,925 - mmseg - INFO - Epoch [93][360/450] lr: 5.748e-03, eta: 9:40:07, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1183, decode.acc_seg: 95.4630, aux.loss_ce: 0.0733, aux.acc_seg: 93.3057, loss: 0.1917 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:04:58,775 - mmseg - INFO - Epoch [93][450/450] lr: 5.738e-03, eta: 9:39:00, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1081, decode.acc_seg: 95.8628, aux.loss_ce: 0.0668, aux.acc_seg: 93.8726, loss: 0.1748
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1112s, ETA: 0s
2021-11-26 19:23:31,182 - mmseg - INFO - per class results: 2021-11-26 19:23:31,183 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 8.13 | 8.63 | | Buildings | 9.78 | 12.79 | | Low vegetation | 2.0 | 2.03 | | Trees | 6.71 | 7.1 | | Cars | 0.0 | 0.0 | | Clutter | 3.46 | 82.46 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-26 19:23:31,183 - mmseg - INFO - Summary: 2021-11-26 19:23:31,184 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 9.53 | 5.01 | 18.83 | +------+------+-------+ 2021-11-26 19:23:31,186 - mmseg - INFO - Epoch(val) [93][255] aAcc: 0.0953, mIoU: 0.0501, mAcc: 0.1883, IoU.Impervious surface: 0.0813, IoU.Buildings: 0.0978, IoU.Low vegetation: 0.0200, IoU.Trees: 0.0671, IoU.Cars: 0.0000, IoU.Clutter: 0.0346, IoU.Background: nan, Acc.Impervious surface: 0.0863, Acc.Buildings: 0.1279, Acc.Low vegetation: 0.0203, Acc.Trees: 0.0710, Acc.Cars: 0.0000, Acc.Clutter: 0.8246, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:24:56,031 - mmseg - INFO - Epoch [94][90/450] lr: 5.729e-03, eta: 9:38:17, time: 0.942, data_time: 0.266, memory: 7603, decode.loss_ce: 0.1045, decode.acc_seg: 95.9760, aux.loss_ce: 0.0665, aux.acc_seg: 93.9272, loss: 0.1710 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:25:58,238 - mmseg - INFO - Epoch [94][180/450] lr: 5.720e-03, eta: 9:37:09, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1322, decode.acc_seg: 95.0215, aux.loss_ce: 0.0833, aux.acc_seg: 92.6208, loss: 0.2155 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:27:00,680 - mmseg - INFO - Epoch [94][270/450] lr: 5.710e-03, eta: 9:36:01, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1531, decode.acc_seg: 94.2215, aux.loss_ce: 0.0948, aux.acc_seg: 91.4393, loss: 0.2479 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:28:03,399 - mmseg - INFO - Epoch [94][360/450] lr: 5.701e-03, eta: 9:34:54, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1274, decode.acc_seg: 95.1197, aux.loss_ce: 0.0807, aux.acc_seg: 92.6202, loss: 0.2081 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:29:06,130 - mmseg - INFO - Epoch [94][450/450] lr: 5.691e-03, eta: 9:33:46, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1428, decode.acc_seg: 94.6596, aux.loss_ce: 0.0875, aux.acc_seg: 91.9950, loss: 0.2303
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1177s, ETA: 0s
2021-11-26 19:48:43,069 - mmseg - INFO - per class results: 2021-11-26 19:48:43,071 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.9 | 19.95 | | Buildings | 53.79 | 86.77 | | Low vegetation | 23.47 | 36.69 | | Trees | 2.09 | 2.65 | | Cars | 0.0 | 0.0 | | Clutter | 1.61 | 7.48 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 19:48:43,071 - mmseg - INFO - Summary: 2021-11-26 19:48:43,072 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 41.95 | 16.64 | 25.59 | +-------+-------+-------+ 2021-11-26 19:48:43,073 - mmseg - INFO - Epoch(val) [94][255] aAcc: 0.4195, mIoU: 0.1664, mAcc: 0.2559, IoU.Impervious surface: 0.1890, IoU.Buildings: 0.5379, IoU.Low vegetation: 0.2347, IoU.Trees: 0.0209, IoU.Cars: 0.0000, IoU.Clutter: 0.0161, IoU.Background: nan, Acc.Impervious surface: 0.1995, Acc.Buildings: 0.8677, Acc.Low vegetation: 0.3669, Acc.Trees: 0.0265, Acc.Cars: 0.0000, Acc.Clutter: 0.0748, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:50:07,406 - mmseg - INFO - Epoch [95][90/450] lr: 5.682e-03, eta: 9:33:03, time: 0.936, data_time: 0.259, memory: 7603, decode.loss_ce: 0.1177, decode.acc_seg: 95.4972, aux.loss_ce: 0.0741, aux.acc_seg: 93.1770, loss: 0.1918 2021-11-26 19:50:14,322 - mmseg - INFO - Saving checkpoint at 42400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:51:10,095 - mmseg - INFO - Epoch [95][180/450] lr: 5.672e-03, eta: 9:31:56, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1045, decode.acc_seg: 95.9617, aux.loss_ce: 0.0636, aux.acc_seg: 94.1520, loss: 0.1681 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:52:12,589 - mmseg - INFO - Epoch [95][270/450] lr: 5.663e-03, eta: 9:30:48, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1007, decode.acc_seg: 96.0988, aux.loss_ce: 0.0637, aux.acc_seg: 94.0969, loss: 0.1645 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:53:15,243 - mmseg - INFO - Epoch [95][360/450] lr: 5.653e-03, eta: 9:29:40, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1058, decode.acc_seg: 95.9726, aux.loss_ce: 0.0688, aux.acc_seg: 93.6542, loss: 0.1746 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 19:54:18,081 - mmseg - INFO - Epoch [95][450/450] lr: 5.644e-03, eta: 9:28:33, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1005, decode.acc_seg: 96.1002, aux.loss_ce: 0.0641, aux.acc_seg: 94.0958, loss: 0.1646
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1116s, ETA: 0s
2021-11-26 20:12:53,869 - mmseg - INFO - per class results: 2021-11-26 20:12:53,871 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.41 | 13.24 | | Buildings | 23.74 | 35.91 | | Low vegetation | 2.24 | 2.31 | | Trees | 9.12 | 10.52 | | Cars | 0.0 | 0.0 | | Clutter | 2.78 | 68.19 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 20:12:53,872 - mmseg - INFO - Summary: 2021-11-26 20:12:53,873 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.65 | 8.38 | 21.69 | +-------+------+-------+ 2021-11-26 20:12:53,875 - mmseg - INFO - Epoch(val) [95][255] aAcc: 0.1865, mIoU: 0.0838, mAcc: 0.2169, IoU.Impervious surface: 0.1241, IoU.Buildings: 0.2374, IoU.Low vegetation: 0.0224, IoU.Trees: 0.0912, IoU.Cars: 0.0000, IoU.Clutter: 0.0278, IoU.Background: nan, Acc.Impervious surface: 0.1324, Acc.Buildings: 0.3591, Acc.Low vegetation: 0.0231, Acc.Trees: 0.1052, Acc.Cars: 0.0000, Acc.Clutter: 0.6819, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:14:19,356 - mmseg - INFO - Epoch [96][90/450] lr: 5.634e-03, eta: 9:27:50, time: 0.949, data_time: 0.273, memory: 7603, decode.loss_ce: 0.0989, decode.acc_seg: 96.1797, aux.loss_ce: 0.0632, aux.acc_seg: 94.1821, loss: 0.1621 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:15:21,462 - mmseg - INFO - Epoch [96][180/450] lr: 5.625e-03, eta: 9:26:42, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1105, decode.acc_seg: 95.7684, aux.loss_ce: 0.0712, aux.acc_seg: 93.5806, loss: 0.1816 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:16:23,878 - mmseg - INFO - Epoch [96][270/450] lr: 5.615e-03, eta: 9:25:34, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1251, decode.acc_seg: 95.1787, aux.loss_ce: 0.0798, aux.acc_seg: 92.8576, loss: 0.2049 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:17:26,611 - mmseg - INFO - Epoch [96][360/450] lr: 5.606e-03, eta: 9:24:27, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1155, decode.acc_seg: 95.6599, aux.loss_ce: 0.0780, aux.acc_seg: 93.0985, loss: 0.1935 2021-11-26 20:18:29,272 - mmseg - INFO - Saving checkpoint at 43200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:18:30,131 - mmseg - INFO - Epoch [96][450/450] lr: 5.596e-03, eta: 9:23:20, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1183, decode.acc_seg: 95.5288, aux.loss_ce: 0.0731, aux.acc_seg: 93.4382, loss: 0.1914
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1090s, ETA: 0s
2021-11-26 20:36:40,308 - mmseg - INFO - per class results: 2021-11-26 20:36:40,310 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 9.18 | 11.06 | | Buildings | 8.3 | 10.98 | | Low vegetation | 2.47 | 2.52 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.41 | 87.16 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-26 20:36:40,311 - mmseg - INFO - Summary: 2021-11-26 20:36:40,312 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 9.09 | 3.89 | 18.62 | +------+------+-------+ 2021-11-26 20:36:40,313 - mmseg - INFO - Epoch(val) [96][255] aAcc: 0.0909, mIoU: 0.0389, mAcc: 0.1862, IoU.Impervious surface: 0.0918, IoU.Buildings: 0.0830, IoU.Low vegetation: 0.0247, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0341, IoU.Background: nan, Acc.Impervious surface: 0.1106, Acc.Buildings: 0.1098, Acc.Low vegetation: 0.0252, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8716, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:38:04,522 - mmseg - INFO - Epoch [97][90/450] lr: 5.586e-03, eta: 9:22:36, time: 0.935, data_time: 0.261, memory: 7603, decode.loss_ce: 0.0982, decode.acc_seg: 96.2210, aux.loss_ce: 0.0607, aux.acc_seg: 94.4432, loss: 0.1589 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:39:06,619 - mmseg - INFO - Epoch [97][180/450] lr: 5.577e-03, eta: 9:21:28, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0970, decode.acc_seg: 96.2553, aux.loss_ce: 0.0600, aux.acc_seg: 94.4936, loss: 0.1570 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:40:09,030 - mmseg - INFO - Epoch [97][270/450] lr: 5.567e-03, eta: 9:20:20, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0962, decode.acc_seg: 96.2691, aux.loss_ce: 0.0614, aux.acc_seg: 94.3240, loss: 0.1576 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:41:11,614 - mmseg - INFO - Epoch [97][360/450] lr: 5.558e-03, eta: 9:19:12, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0927, decode.acc_seg: 96.3766, aux.loss_ce: 0.0602, aux.acc_seg: 94.4687, loss: 0.1529 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 20:42:14,683 - mmseg - INFO - Epoch [97][450/450] lr: 5.548e-03, eta: 9:18:05, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0945, decode.acc_seg: 96.2929, aux.loss_ce: 0.0598, aux.acc_seg: 94.4670, loss: 0.1544
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1136s, ETA: 0s
2021-11-26 21:01:10,535 - mmseg - INFO - per class results: 2021-11-26 21:01:10,537 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 19.34 | 21.21 | | Buildings | 31.24 | 46.74 | | Low vegetation | 11.56 | 14.74 | | Trees | 6.59 | 7.59 | | Cars | 0.0 | 0.0 | | Clutter | 2.55 | 58.86 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 21:01:10,538 - mmseg - INFO - Summary: 2021-11-26 21:01:10,539 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 26.67 | 11.88 | 24.86 | +-------+-------+-------+ 2021-11-26 21:01:10,540 - mmseg - INFO - Epoch(val) [97][255] aAcc: 0.2667, mIoU: 0.1188, mAcc: 0.2486, IoU.Impervious surface: 0.1934, IoU.Buildings: 0.3124, IoU.Low vegetation: 0.1156, IoU.Trees: 0.0659, IoU.Cars: 0.0000, IoU.Clutter: 0.0255, IoU.Background: nan, Acc.Impervious surface: 0.2121, Acc.Buildings: 0.4674, Acc.Low vegetation: 0.1474, Acc.Trees: 0.0759, Acc.Cars: 0.0000, Acc.Clutter: 0.5886, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:02:50,956 - mmseg - INFO - Epoch [98][90/450] lr: 5.539e-03, eta: 9:17:37, time: 1.114, data_time: 0.439, memory: 7603, decode.loss_ce: 0.2329, decode.acc_seg: 91.6791, aux.loss_ce: 0.1338, aux.acc_seg: 88.3622, loss: 0.3667 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:03:53,046 - mmseg - INFO - Epoch [98][180/450] lr: 5.529e-03, eta: 9:16:29, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1356, decode.acc_seg: 94.9369, aux.loss_ce: 0.0870, aux.acc_seg: 92.4313, loss: 0.2226 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:04:55,172 - mmseg - INFO - Epoch [98][270/450] lr: 5.520e-03, eta: 9:15:21, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1095, decode.acc_seg: 95.8275, aux.loss_ce: 0.0681, aux.acc_seg: 93.8318, loss: 0.1776 2021-11-26 21:05:50,967 - mmseg - INFO - Saving checkpoint at 44000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:05:58,723 - mmseg - INFO - Epoch [98][360/450] lr: 5.510e-03, eta: 9:14:14, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1045, decode.acc_seg: 96.0322, aux.loss_ce: 0.0671, aux.acc_seg: 93.9247, loss: 0.1716 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:07:01,426 - mmseg - INFO - Epoch [98][450/450] lr: 5.501e-03, eta: 9:13:07, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1139, decode.acc_seg: 95.5969, aux.loss_ce: 0.0726, aux.acc_seg: 93.3552, loss: 0.1865
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1146s, ETA: 0s
2021-11-26 21:26:07,379 - mmseg - INFO - per class results: 2021-11-26 21:26:07,381 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.16 | 21.97 | | Buildings | 46.68 | 72.2 | | Low vegetation | 8.38 | 9.33 | | Trees | 1.54 | 1.57 | | Cars | 0.0 | 0.0 | | Clutter | 2.44 | 37.56 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 21:26:07,381 - mmseg - INFO - Summary: 2021-11-26 21:26:07,382 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 32.92 | 12.7 | 23.77 | +-------+------+-------+ 2021-11-26 21:26:07,383 - mmseg - INFO - Epoch(val) [98][255] aAcc: 0.3292, mIoU: 0.1270, mAcc: 0.2377, IoU.Impervious surface: 0.1716, IoU.Buildings: 0.4668, IoU.Low vegetation: 0.0838, IoU.Trees: 0.0154, IoU.Cars: 0.0000, IoU.Clutter: 0.0244, IoU.Background: nan, Acc.Impervious surface: 0.2197, Acc.Buildings: 0.7220, Acc.Low vegetation: 0.0933, Acc.Trees: 0.0157, Acc.Cars: 0.0000, Acc.Clutter: 0.3756, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:27:16,619 - mmseg - INFO - Epoch [99][90/450] lr: 5.491e-03, eta: 9:12:06, time: 0.769, data_time: 0.091, memory: 7603, decode.loss_ce: 0.0985, decode.acc_seg: 96.1970, aux.loss_ce: 0.0617, aux.acc_seg: 94.3984, loss: 0.1602 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:28:18,724 - mmseg - INFO - Epoch [99][180/450] lr: 5.482e-03, eta: 9:10:58, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1014, decode.acc_seg: 96.1091, aux.loss_ce: 0.0638, aux.acc_seg: 94.2204, loss: 0.1652 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:29:20,911 - mmseg - INFO - Epoch [99][270/450] lr: 5.472e-03, eta: 9:09:50, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1055, decode.acc_seg: 95.9784, aux.loss_ce: 0.0652, aux.acc_seg: 94.0256, loss: 0.1707 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:30:23,555 - mmseg - INFO - Epoch [99][360/450] lr: 5.463e-03, eta: 9:08:42, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1251, decode.acc_seg: 95.2150, aux.loss_ce: 0.0771, aux.acc_seg: 92.8535, loss: 0.2022 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:31:26,183 - mmseg - INFO - Epoch [99][450/450] lr: 5.453e-03, eta: 9:07:35, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0994, decode.acc_seg: 96.2068, aux.loss_ce: 0.0641, aux.acc_seg: 94.1599, loss: 0.1635
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1131s, ETA: 0s
2021-11-26 21:50:17,012 - mmseg - INFO - per class results: 2021-11-26 21:50:17,015 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.07 | 19.1 | | Buildings | 32.06 | 56.07 | | Low vegetation | 1.67 | 1.71 | | Trees | 10.91 | 13.52 | | Cars | 0.0 | 0.0 | | Clutter | 2.1 | 38.19 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 21:50:17,015 - mmseg - INFO - Summary: 2021-11-26 21:50:17,016 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 26.74 | 10.3 | 21.43 | +-------+------+-------+ 2021-11-26 21:50:17,018 - mmseg - INFO - Epoch(val) [99][255] aAcc: 0.2674, mIoU: 0.1030, mAcc: 0.2143, IoU.Impervious surface: 0.1507, IoU.Buildings: 0.3206, IoU.Low vegetation: 0.0167, IoU.Trees: 0.1091, IoU.Cars: 0.0000, IoU.Clutter: 0.0210, IoU.Background: nan, Acc.Impervious surface: 0.1910, Acc.Buildings: 0.5607, Acc.Low vegetation: 0.0171, Acc.Trees: 0.1352, Acc.Cars: 0.0000, Acc.Clutter: 0.3819, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:51:43,650 - mmseg - INFO - Epoch [100][90/450] lr: 5.444e-03, eta: 9:06:51, time: 0.962, data_time: 0.282, memory: 7603, decode.loss_ce: 0.0982, decode.acc_seg: 96.2593, aux.loss_ce: 0.0658, aux.acc_seg: 94.1079, loss: 0.1640 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:52:45,412 - mmseg - INFO - Epoch [100][180/450] lr: 5.434e-03, eta: 9:05:43, time: 0.686, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0928, decode.acc_seg: 96.4086, aux.loss_ce: 0.0593, aux.acc_seg: 94.5615, loss: 0.1520 2021-11-26 21:53:33,794 - mmseg - INFO - Saving checkpoint at 44800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:53:48,603 - mmseg - INFO - Epoch [100][270/450] lr: 5.424e-03, eta: 9:04:36, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0959, decode.acc_seg: 96.3005, aux.loss_ce: 0.0613, aux.acc_seg: 94.4041, loss: 0.1572 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:54:50,994 - mmseg - INFO - Epoch [100][360/450] lr: 5.415e-03, eta: 9:03:28, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0939, decode.acc_seg: 96.3560, aux.loss_ce: 0.0602, aux.acc_seg: 94.4504, loss: 0.1541 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 21:55:53,861 - mmseg - INFO - Epoch [100][450/450] lr: 5.405e-03, eta: 9:02:21, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1217, decode.acc_seg: 95.4542, aux.loss_ce: 0.0710, aux.acc_seg: 93.4404, loss: 0.1928
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1149s, ETA: 0s
2021-11-26 22:15:03,310 - mmseg - INFO - per class results: 2021-11-26 22:15:03,311 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.61 | 8.95 | | Buildings | 24.63 | 31.64 | | Low vegetation | 46.35 | 69.78 | | Trees | 0.04 | 0.04 | | Cars | 0.0 | 0.0 | | Clutter | 2.2 | 51.25 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 22:15:03,312 - mmseg - INFO - Summary: 2021-11-26 22:15:03,312 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 27.7 | 13.64 | 26.94 | +------+-------+-------+ 2021-11-26 22:15:03,314 - mmseg - INFO - Epoch(val) [100][255] aAcc: 0.2770, mIoU: 0.1364, mAcc: 0.2694, IoU.Impervious surface: 0.0861, IoU.Buildings: 0.2463, IoU.Low vegetation: 0.4635, IoU.Trees: 0.0004, IoU.Cars: 0.0000, IoU.Clutter: 0.0220, IoU.Background: nan, Acc.Impervious surface: 0.0895, Acc.Buildings: 0.3164, Acc.Low vegetation: 0.6978, Acc.Trees: 0.0004, Acc.Cars: 0.0000, Acc.Clutter: 0.5125, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:16:26,156 - mmseg - INFO - Epoch [101][90/450] lr: 5.396e-03, eta: 9:01:33, time: 0.920, data_time: 0.243, memory: 7603, decode.loss_ce: 0.2136, decode.acc_seg: 92.2643, aux.loss_ce: 0.1183, aux.acc_seg: 89.5092, loss: 0.3319 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:17:27,982 - mmseg - INFO - Epoch [101][180/450] lr: 5.386e-03, eta: 9:00:25, time: 0.687, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1578, decode.acc_seg: 94.0489, aux.loss_ce: 0.0948, aux.acc_seg: 91.3922, loss: 0.2526 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:18:30,417 - mmseg - INFO - Epoch [101][270/450] lr: 5.377e-03, eta: 8:59:17, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1418, decode.acc_seg: 94.6704, aux.loss_ce: 0.0908, aux.acc_seg: 91.7180, loss: 0.2326 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:19:33,018 - mmseg - INFO - Epoch [101][360/450] lr: 5.367e-03, eta: 8:58:10, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1120, decode.acc_seg: 95.7296, aux.loss_ce: 0.0692, aux.acc_seg: 93.6896, loss: 0.1812 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:20:35,576 - mmseg - INFO - Epoch [101][450/450] lr: 5.358e-03, eta: 8:57:02, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1069, decode.acc_seg: 95.9142, aux.loss_ce: 0.0671, aux.acc_seg: 93.8771, loss: 0.1740
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1100s, ETA: 0s
2021-11-26 22:38:55,447 - mmseg - INFO - per class results: 2021-11-26 22:38:55,448 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 5.14 | 5.39 | | Buildings | 19.04 | 28.73 | | Low vegetation | 0.65 | 0.65 | | Trees | 0.06 | 0.06 | | Cars | 0.0 | 0.0 | | Clutter | 3.34 | 80.3 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 22:38:55,448 - mmseg - INFO - Summary: 2021-11-26 22:38:55,451 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 12.43 | 4.7 | 19.19 | +-------+------+-------+ 2021-11-26 22:38:55,452 - mmseg - INFO - Epoch(val) [101][255] aAcc: 0.1243, mIoU: 0.0470, mAcc: 0.1919, IoU.Impervious surface: 0.0514, IoU.Buildings: 0.1904, IoU.Low vegetation: 0.0065, IoU.Trees: 0.0006, IoU.Cars: 0.0000, IoU.Clutter: 0.0334, IoU.Background: nan, Acc.Impervious surface: 0.0539, Acc.Buildings: 0.2873, Acc.Low vegetation: 0.0065, Acc.Trees: 0.0006, Acc.Cars: 0.0000, Acc.Clutter: 0.8030, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:40:03,358 - mmseg - INFO - Epoch [102][90/450] lr: 5.348e-03, eta: 8:56:00, time: 0.754, data_time: 0.076, memory: 7603, decode.loss_ce: 0.1021, decode.acc_seg: 96.0344, aux.loss_ce: 0.0649, aux.acc_seg: 94.0037, loss: 0.1670 2021-11-26 22:40:44,663 - mmseg - INFO - Saving checkpoint at 45600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:41:06,374 - mmseg - INFO - Epoch [102][180/450] lr: 5.338e-03, eta: 8:54:52, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0969, decode.acc_seg: 96.2662, aux.loss_ce: 0.0620, aux.acc_seg: 94.2842, loss: 0.1589 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:42:08,454 - mmseg - INFO - Epoch [102][270/450] lr: 5.329e-03, eta: 8:53:44, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0961, decode.acc_seg: 96.3198, aux.loss_ce: 0.0646, aux.acc_seg: 94.2009, loss: 0.1607 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:43:11,212 - mmseg - INFO - Epoch [102][360/450] lr: 5.319e-03, eta: 8:52:37, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1038, decode.acc_seg: 96.0713, aux.loss_ce: 0.0638, aux.acc_seg: 94.1935, loss: 0.1676 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 22:44:13,688 - mmseg - INFO - Epoch [102][450/450] lr: 5.310e-03, eta: 8:51:29, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0880, decode.acc_seg: 96.5831, aux.loss_ce: 0.0553, aux.acc_seg: 94.9029, loss: 0.1433
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1109s, ETA: 0s
2021-11-26 23:02:42,331 - mmseg - INFO - per class results: 2021-11-26 23:02:42,332 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 7.6 | 8.53 | | Buildings | 20.68 | 29.87 | | Low vegetation | 1.07 | 1.08 | | Trees | 2.27 | 2.29 | | Cars | 0.0 | 0.0 | | Clutter | 3.22 | 75.29 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 23:02:42,332 - mmseg - INFO - Summary: 2021-11-26 23:02:42,333 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.08 | 5.81 | 19.51 | +-------+------+-------+ 2021-11-26 23:02:42,334 - mmseg - INFO - Epoch(val) [102][255] aAcc: 0.1408, mIoU: 0.0581, mAcc: 0.1951, IoU.Impervious surface: 0.0760, IoU.Buildings: 0.2068, IoU.Low vegetation: 0.0107, IoU.Trees: 0.0227, IoU.Cars: 0.0000, IoU.Clutter: 0.0322, IoU.Background: nan, Acc.Impervious surface: 0.0853, Acc.Buildings: 0.2987, Acc.Low vegetation: 0.0108, Acc.Trees: 0.0229, Acc.Cars: 0.0000, Acc.Clutter: 0.7529, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:04:04,819 - mmseg - INFO - Epoch [103][90/450] lr: 5.300e-03, eta: 8:50:41, time: 0.915, data_time: 0.241, memory: 7603, decode.loss_ce: 0.0902, decode.acc_seg: 96.4897, aux.loss_ce: 0.0566, aux.acc_seg: 94.8002, loss: 0.1469 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:05:06,841 - mmseg - INFO - Epoch [103][180/450] lr: 5.291e-03, eta: 8:49:33, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0888, decode.acc_seg: 96.5604, aux.loss_ce: 0.0573, aux.acc_seg: 94.7678, loss: 0.1462 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:06:08,918 - mmseg - INFO - Epoch [103][270/450] lr: 5.281e-03, eta: 8:48:25, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0925, decode.acc_seg: 96.4428, aux.loss_ce: 0.0577, aux.acc_seg: 94.7122, loss: 0.1502 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:07:11,457 - mmseg - INFO - Epoch [103][360/450] lr: 5.272e-03, eta: 8:47:17, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0865, decode.acc_seg: 96.6141, aux.loss_ce: 0.0541, aux.acc_seg: 95.0021, loss: 0.1406 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:08:14,284 - mmseg - INFO - Epoch [103][450/450] lr: 5.262e-03, eta: 8:46:10, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0882, decode.acc_seg: 96.5867, aux.loss_ce: 0.0558, aux.acc_seg: 94.8438, loss: 0.1440
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1140s, ETA: 0s
2021-11-26 23:27:14,036 - mmseg - INFO - per class results: 2021-11-26 23:27:14,038 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 22.03 | 27.12 | | Buildings | 32.07 | 47.46 | | Low vegetation | 2.18 | 2.21 | | Trees | 11.11 | 15.05 | | Cars | 0.0 | 0.0 | | Clutter | 2.5 | 48.79 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-26 23:27:14,038 - mmseg - INFO - Summary: 2021-11-26 23:27:14,039 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 27.07 | 11.65 | 23.44 | +-------+-------+-------+ 2021-11-26 23:27:14,041 - mmseg - INFO - Epoch(val) [103][255] aAcc: 0.2707, mIoU: 0.1165, mAcc: 0.2344, IoU.Impervious surface: 0.2203, IoU.Buildings: 0.3207, IoU.Low vegetation: 0.0218, IoU.Trees: 0.1111, IoU.Cars: 0.0000, IoU.Clutter: 0.0250, IoU.Background: nan, Acc.Impervious surface: 0.2712, Acc.Buildings: 0.4746, Acc.Low vegetation: 0.0221, Acc.Trees: 0.1505, Acc.Cars: 0.0000, Acc.Clutter: 0.4879, Acc.Background: nan 2021-11-26 23:27:54,616 - mmseg - INFO - Saving checkpoint at 46400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:28:22,849 - mmseg - INFO - Epoch [104][90/450] lr: 5.252e-03, eta: 8:45:08, time: 0.764, data_time: 0.078, memory: 7603, decode.loss_ce: 0.0926, decode.acc_seg: 96.4416, aux.loss_ce: 0.0602, aux.acc_seg: 94.5356, loss: 0.1528 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:29:24,605 - mmseg - INFO - Epoch [104][180/450] lr: 5.243e-03, eta: 8:44:00, time: 0.686, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1060, decode.acc_seg: 95.8801, aux.loss_ce: 0.0677, aux.acc_seg: 93.8275, loss: 0.1737 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:30:27,017 - mmseg - INFO - Epoch [104][270/450] lr: 5.233e-03, eta: 8:42:53, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0947, decode.acc_seg: 96.3648, aux.loss_ce: 0.0591, aux.acc_seg: 94.5779, loss: 0.1538 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:31:29,265 - mmseg - INFO - Epoch [104][360/450] lr: 5.224e-03, eta: 8:41:45, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0941, decode.acc_seg: 96.3721, aux.loss_ce: 0.0603, aux.acc_seg: 94.4770, loss: 0.1544 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:32:32,116 - mmseg - INFO - Epoch [104][450/450] lr: 5.214e-03, eta: 8:40:38, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0914, decode.acc_seg: 96.4278, aux.loss_ce: 0.0573, aux.acc_seg: 94.7026, loss: 0.1487
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1120s, ETA: 0s
2021-11-26 23:51:12,246 - mmseg - INFO - per class results: 2021-11-26 23:51:12,248 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 3.14 | 3.31 | | Buildings | 8.42 | 11.16 | | Low vegetation | 1.73 | 1.79 | | Trees | 3.23 | 3.29 | | Cars | 0.0 | 0.0 | | Clutter | 3.64 | 88.64 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-26 23:51:12,249 - mmseg - INFO - Summary: 2021-11-26 23:51:12,250 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 6.88 | 3.36 | 18.03 | +------+------+-------+ 2021-11-26 23:51:12,251 - mmseg - INFO - Epoch(val) [104][255] aAcc: 0.0688, mIoU: 0.0336, mAcc: 0.1803, IoU.Impervious surface: 0.0314, IoU.Buildings: 0.0842, IoU.Low vegetation: 0.0173, IoU.Trees: 0.0323, IoU.Cars: 0.0000, IoU.Clutter: 0.0364, IoU.Background: nan, Acc.Impervious surface: 0.0331, Acc.Buildings: 0.1116, Acc.Low vegetation: 0.0179, Acc.Trees: 0.0329, Acc.Cars: 0.0000, Acc.Clutter: 0.8864, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:54:25,487 - mmseg - INFO - Epoch [105][90/450] lr: 5.204e-03, eta: 8:41:30, time: 2.145, data_time: 1.471, memory: 7603, decode.loss_ce: 0.0892, decode.acc_seg: 96.5740, aux.loss_ce: 0.0598, aux.acc_seg: 94.5337, loss: 0.1489 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:55:27,155 - mmseg - INFO - Epoch [105][180/450] lr: 5.195e-03, eta: 8:40:22, time: 0.685, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0832, decode.acc_seg: 96.7564, aux.loss_ce: 0.0523, aux.acc_seg: 95.1619, loss: 0.1355 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:56:29,323 - mmseg - INFO - Epoch [105][270/450] lr: 5.185e-03, eta: 8:39:13, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0874, decode.acc_seg: 96.5936, aux.loss_ce: 0.0565, aux.acc_seg: 94.7777, loss: 0.1439 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:57:31,821 - mmseg - INFO - Epoch [105][360/450] lr: 5.176e-03, eta: 8:38:06, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0830, decode.acc_seg: 96.7638, aux.loss_ce: 0.0518, aux.acc_seg: 95.1999, loss: 0.1349 2021-11-26 23:57:59,742 - mmseg - INFO - Saving checkpoint at 47200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-26 23:58:35,100 - mmseg - INFO - Epoch [105][450/450] lr: 5.166e-03, eta: 8:36:58, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0938, decode.acc_seg: 96.3959, aux.loss_ce: 0.0617, aux.acc_seg: 94.3635, loss: 0.1555
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1092s, ETA: 0s
2021-11-27 00:16:46,888 - mmseg - INFO - per class results: 2021-11-27 00:16:46,890 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.9 | 15.14 | | Buildings | 10.36 | 14.28 | | Low vegetation | 0.0 | 0.0 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.34 | 84.32 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 00:16:46,891 - mmseg - INFO - Summary: 2021-11-27 00:16:46,892 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 10.93 | 4.43 | 18.96 | +-------+------+-------+ 2021-11-27 00:16:46,894 - mmseg - INFO - Epoch(val) [105][255] aAcc: 0.1093, mIoU: 0.0443, mAcc: 0.1896, IoU.Impervious surface: 0.1290, IoU.Buildings: 0.1036, IoU.Low vegetation: 0.0000, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0334, IoU.Background: nan, Acc.Impervious surface: 0.1514, Acc.Buildings: 0.1428, Acc.Low vegetation: 0.0000, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.8432, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:18:16,597 - mmseg - INFO - Epoch [106][90/450] lr: 5.156e-03, eta: 8:36:15, time: 0.996, data_time: 0.322, memory: 7603, decode.loss_ce: 0.0976, decode.acc_seg: 96.2322, aux.loss_ce: 0.0634, aux.acc_seg: 94.1586, loss: 0.1610 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:19:18,573 - mmseg - INFO - Epoch [106][180/450] lr: 5.147e-03, eta: 8:35:07, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0856, decode.acc_seg: 96.6937, aux.loss_ce: 0.0552, aux.acc_seg: 94.9262, loss: 0.1409 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:20:20,804 - mmseg - INFO - Epoch [106][270/450] lr: 5.137e-03, eta: 8:33:59, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0832, decode.acc_seg: 96.7555, aux.loss_ce: 0.0537, aux.acc_seg: 95.0476, loss: 0.1369 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:21:23,597 - mmseg - INFO - Epoch [106][360/450] lr: 5.128e-03, eta: 8:32:51, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0833, decode.acc_seg: 96.7534, aux.loss_ce: 0.0523, aux.acc_seg: 95.1459, loss: 0.1356 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:22:25,913 - mmseg - INFO - Epoch [106][450/450] lr: 5.118e-03, eta: 8:31:43, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1030, decode.acc_seg: 96.0187, aux.loss_ce: 0.0660, aux.acc_seg: 93.9380, loss: 0.1690
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1115s, ETA: 0s
2021-11-27 00:41:01,313 - mmseg - INFO - per class results: 2021-11-27 00:41:01,315 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.0 | 17.27 | | Buildings | 20.61 | 28.74 | | Low vegetation | 6.35 | 6.63 | | Trees | 6.96 | 7.22 | | Cars | 0.05 | 0.05 | | Clutter | 3.17 | 74.55 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 00:41:01,315 - mmseg - INFO - Summary: 2021-11-27 00:41:01,316 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.25 | 8.52 | 22.41 | +-------+------+-------+ 2021-11-27 00:41:01,317 - mmseg - INFO - Epoch(val) [106][255] aAcc: 0.1825, mIoU: 0.0852, mAcc: 0.2241, IoU.Impervious surface: 0.1400, IoU.Buildings: 0.2061, IoU.Low vegetation: 0.0635, IoU.Trees: 0.0696, IoU.Cars: 0.0005, IoU.Clutter: 0.0317, IoU.Background: nan, Acc.Impervious surface: 0.1727, Acc.Buildings: 0.2874, Acc.Low vegetation: 0.0663, Acc.Trees: 0.0722, Acc.Cars: 0.0005, Acc.Clutter: 0.7455, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:42:27,632 - mmseg - INFO - Epoch [107][90/450] lr: 5.108e-03, eta: 8:30:56, time: 0.958, data_time: 0.282, memory: 7603, decode.loss_ce: 0.1022, decode.acc_seg: 96.1182, aux.loss_ce: 0.0656, aux.acc_seg: 93.9450, loss: 0.1677 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:43:29,460 - mmseg - INFO - Epoch [107][180/450] lr: 5.099e-03, eta: 8:29:48, time: 0.687, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1213, decode.acc_seg: 95.3525, aux.loss_ce: 0.0750, aux.acc_seg: 93.1610, loss: 0.1962 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:44:31,760 - mmseg - INFO - Epoch [107][270/450] lr: 5.089e-03, eta: 8:28:40, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1145, decode.acc_seg: 95.6635, aux.loss_ce: 0.0726, aux.acc_seg: 93.3427, loss: 0.1872 2021-11-27 00:44:52,553 - mmseg - INFO - Saving checkpoint at 48000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:45:35,300 - mmseg - INFO - Epoch [107][360/450] lr: 5.080e-03, eta: 8:27:33, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0976, decode.acc_seg: 96.2524, aux.loss_ce: 0.0633, aux.acc_seg: 94.1942, loss: 0.1609 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 00:46:37,818 - mmseg - INFO - Epoch [107][450/450] lr: 5.070e-03, eta: 8:26:25, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0907, decode.acc_seg: 96.4847, aux.loss_ce: 0.0577, aux.acc_seg: 94.7111, loss: 0.1483
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1150s, ETA: 0s
2021-11-27 01:05:47,599 - mmseg - INFO - per class results: 2021-11-27 01:05:47,601 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 21.5 | 25.89 | | Buildings | 44.9 | 67.45 | | Low vegetation | 3.02 | 3.11 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.07 | 45.93 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-27 01:05:47,602 - mmseg - INFO - Summary: 2021-11-27 01:05:47,603 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 31.41 | 12.08 | 23.73 | +-------+-------+-------+ 2021-11-27 01:05:47,605 - mmseg - INFO - Epoch(val) [107][255] aAcc: 0.3141, mIoU: 0.1208, mAcc: 0.2373, IoU.Impervious surface: 0.2150, IoU.Buildings: 0.4490, IoU.Low vegetation: 0.0302, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0307, IoU.Background: nan, Acc.Impervious surface: 0.2589, Acc.Buildings: 0.6745, Acc.Low vegetation: 0.0311, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.4593, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:06:58,564 - mmseg - INFO - Epoch [108][90/450] lr: 5.060e-03, eta: 8:25:24, time: 0.788, data_time: 0.112, memory: 7603, decode.loss_ce: 0.0873, decode.acc_seg: 96.6507, aux.loss_ce: 0.0558, aux.acc_seg: 94.8814, loss: 0.1431 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:08:00,611 - mmseg - INFO - Epoch [108][180/450] lr: 5.051e-03, eta: 8:24:16, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0859, decode.acc_seg: 96.6730, aux.loss_ce: 0.0578, aux.acc_seg: 94.6626, loss: 0.1437 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:09:02,752 - mmseg - INFO - Epoch [108][270/450] lr: 5.041e-03, eta: 8:23:08, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0861, decode.acc_seg: 96.6711, aux.loss_ce: 0.0554, aux.acc_seg: 94.9075, loss: 0.1415 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:10:05,506 - mmseg - INFO - Epoch [108][360/450] lr: 5.031e-03, eta: 8:22:00, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0829, decode.acc_seg: 96.7647, aux.loss_ce: 0.0529, aux.acc_seg: 95.0973, loss: 0.1357 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:11:08,182 - mmseg - INFO - Epoch [108][450/450] lr: 5.022e-03, eta: 8:20:53, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0867, decode.acc_seg: 96.6682, aux.loss_ce: 0.0550, aux.acc_seg: 94.9677, loss: 0.1417
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1161s, ETA: 0s
2021-11-27 01:30:29,416 - mmseg - INFO - per class results: 2021-11-27 01:30:29,417 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 36.08 | 54.7 | | Buildings | 23.52 | 34.05 | | Low vegetation | 6.21 | 6.62 | | Trees | 0.05 | 0.05 | | Cars | 0.0 | 0.0 | | Clutter | 2.88 | 52.3 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 01:30:29,419 - mmseg - INFO - Summary: 2021-11-27 01:30:29,419 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.96 | 11.46 | 24.62 | +-------+-------+-------+ 2021-11-27 01:30:29,421 - mmseg - INFO - Epoch(val) [108][255] aAcc: 0.3096, mIoU: 0.1146, mAcc: 0.2462, IoU.Impervious surface: 0.3608, IoU.Buildings: 0.2352, IoU.Low vegetation: 0.0621, IoU.Trees: 0.0005, IoU.Cars: 0.0000, IoU.Clutter: 0.0288, IoU.Background: nan, Acc.Impervious surface: 0.5470, Acc.Buildings: 0.3405, Acc.Low vegetation: 0.0662, Acc.Trees: 0.0005, Acc.Cars: 0.0000, Acc.Clutter: 0.5230, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:31:49,604 - mmseg - INFO - Epoch [109][90/450] lr: 5.012e-03, eta: 8:20:00, time: 0.890, data_time: 0.214, memory: 7603, decode.loss_ce: 0.0867, decode.acc_seg: 96.6178, aux.loss_ce: 0.0557, aux.acc_seg: 94.8996, loss: 0.1424 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:32:51,702 - mmseg - INFO - Epoch [109][180/450] lr: 5.003e-03, eta: 8:18:52, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0962, decode.acc_seg: 96.3302, aux.loss_ce: 0.0628, aux.acc_seg: 94.2790, loss: 0.1590 2021-11-27 01:33:05,273 - mmseg - INFO - Saving checkpoint at 48800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:33:54,741 - mmseg - INFO - Epoch [109][270/450] lr: 4.993e-03, eta: 8:17:45, time: 0.700, data_time: 0.007, memory: 7603, decode.loss_ce: 0.0857, decode.acc_seg: 96.6859, aux.loss_ce: 0.0561, aux.acc_seg: 94.8535, loss: 0.1418 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:34:57,502 - mmseg - INFO - Epoch [109][360/450] lr: 4.983e-03, eta: 8:16:37, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0825, decode.acc_seg: 96.7763, aux.loss_ce: 0.0528, aux.acc_seg: 95.1120, loss: 0.1353 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:35:59,858 - mmseg - INFO - Epoch [109][450/450] lr: 4.974e-03, eta: 8:15:29, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0829, decode.acc_seg: 96.7738, aux.loss_ce: 0.0544, aux.acc_seg: 94.9708, loss: 0.1374
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1164s, ETA: 0s
2021-11-27 01:55:23,609 - mmseg - INFO - per class results: 2021-11-27 01:55:23,610 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 26.32 | 34.97 | | Buildings | 43.39 | 65.86 | | Low vegetation | 3.41 | 3.54 | | Trees | 0.24 | 0.24 | | Cars | 0.0 | 0.0 | | Clutter | 2.94 | 45.19 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 01:55:23,610 - mmseg - INFO - Summary: 2021-11-27 01:55:23,611 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 33.98 | 12.72 | 24.97 | +-------+-------+-------+ 2021-11-27 01:55:23,613 - mmseg - INFO - Epoch(val) [109][255] aAcc: 0.3398, mIoU: 0.1272, mAcc: 0.2497, IoU.Impervious surface: 0.2632, IoU.Buildings: 0.4339, IoU.Low vegetation: 0.0341, IoU.Trees: 0.0024, IoU.Cars: 0.0000, IoU.Clutter: 0.0294, IoU.Background: nan, Acc.Impervious surface: 0.3497, Acc.Buildings: 0.6586, Acc.Low vegetation: 0.0354, Acc.Trees: 0.0024, Acc.Cars: 0.0000, Acc.Clutter: 0.4519, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:56:47,150 - mmseg - INFO - Epoch [110][90/450] lr: 4.964e-03, eta: 8:14:39, time: 0.927, data_time: 0.251, memory: 7603, decode.loss_ce: 0.0865, decode.acc_seg: 96.6359, aux.loss_ce: 0.0549, aux.acc_seg: 94.9256, loss: 0.1413 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:57:49,304 - mmseg - INFO - Epoch [110][180/450] lr: 4.954e-03, eta: 8:13:31, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0812, decode.acc_seg: 96.8416, aux.loss_ce: 0.0511, aux.acc_seg: 95.2532, loss: 0.1324 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:58:51,666 - mmseg - INFO - Epoch [110][270/450] lr: 4.945e-03, eta: 8:12:23, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0970, decode.acc_seg: 96.3102, aux.loss_ce: 0.0630, aux.acc_seg: 94.4005, loss: 0.1600 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 01:59:54,388 - mmseg - INFO - Epoch [110][360/450] lr: 4.935e-03, eta: 8:11:15, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0877, decode.acc_seg: 96.6463, aux.loss_ce: 0.0582, aux.acc_seg: 94.7043, loss: 0.1459 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:00:57,005 - mmseg - INFO - Epoch [110][450/450] lr: 4.925e-03, eta: 8:10:08, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0857, decode.acc_seg: 96.7407, aux.loss_ce: 0.0578, aux.acc_seg: 94.7398, loss: 0.1435
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1120s, ETA: 0s
2021-11-27 02:19:37,586 - mmseg - INFO - per class results: 2021-11-27 02:19:37,588 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 14.89 | 15.29 | | Buildings | 22.65 | 30.86 | | Low vegetation | 6.55 | 6.94 | | Trees | 6.05 | 7.82 | | Cars | 0.0 | 0.0 | | Clutter | 2.53 | 72.91 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 02:19:37,589 - mmseg - INFO - Summary: 2021-11-27 02:19:37,589 - mmseg - INFO - +-------+------+------+ | aAcc | mIoU | mAcc | +-------+------+------+ | 18.38 | 8.78 | 22.3 | +-------+------+------+ 2021-11-27 02:19:37,591 - mmseg - INFO - Epoch(val) [110][255] aAcc: 0.1838, mIoU: 0.0878, mAcc: 0.2230, IoU.Impervious surface: 0.1489, IoU.Buildings: 0.2265, IoU.Low vegetation: 0.0655, IoU.Trees: 0.0605, IoU.Cars: 0.0000, IoU.Clutter: 0.0253, IoU.Background: nan, Acc.Impervious surface: 0.1529, Acc.Buildings: 0.3086, Acc.Low vegetation: 0.0694, Acc.Trees: 0.0782, Acc.Cars: 0.0000, Acc.Clutter: 0.7291, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:21:05,576 - mmseg - INFO - Epoch [111][90/450] lr: 4.916e-03, eta: 8:09:21, time: 0.977, data_time: 0.303, memory: 7603, decode.loss_ce: 0.0849, decode.acc_seg: 96.7259, aux.loss_ce: 0.0558, aux.acc_seg: 94.8519, loss: 0.1406 2021-11-27 02:21:12,598 - mmseg - INFO - Saving checkpoint at 49600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:22:08,675 - mmseg - INFO - Epoch [111][180/450] lr: 4.906e-03, eta: 8:08:14, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0813, decode.acc_seg: 96.8446, aux.loss_ce: 0.0518, aux.acc_seg: 95.1883, loss: 0.1331 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:23:11,281 - mmseg - INFO - Epoch [111][270/450] lr: 4.896e-03, eta: 8:07:06, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0848, decode.acc_seg: 96.6897, aux.loss_ce: 0.0564, aux.acc_seg: 94.7820, loss: 0.1412 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:24:14,052 - mmseg - INFO - Epoch [111][360/450] lr: 4.887e-03, eta: 8:05:59, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0831, decode.acc_seg: 96.7853, aux.loss_ce: 0.0530, aux.acc_seg: 95.1379, loss: 0.1361 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:25:17,096 - mmseg - INFO - Epoch [111][450/450] lr: 4.877e-03, eta: 8:04:51, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0858, decode.acc_seg: 96.6733, aux.loss_ce: 0.0561, aux.acc_seg: 94.8459, loss: 0.1419
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1121s, ETA: 0s
2021-11-27 02:43:58,175 - mmseg - INFO - per class results: 2021-11-27 02:43:58,177 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.41 | 16.07 | | Buildings | 31.06 | 40.92 | | Low vegetation | 9.87 | 10.98 | | Trees | 2.06 | 2.08 | | Cars | 0.0 | 0.0 | | Clutter | 2.58 | 74.36 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 02:43:58,178 - mmseg - INFO - Summary: 2021-11-27 02:43:58,178 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 22.0 | 10.16 | 24.07 | +------+-------+-------+ 2021-11-27 02:43:58,180 - mmseg - INFO - Epoch(val) [111][255] aAcc: 0.2200, mIoU: 0.1016, mAcc: 0.2407, IoU.Impervious surface: 0.1541, IoU.Buildings: 0.3106, IoU.Low vegetation: 0.0987, IoU.Trees: 0.0206, IoU.Cars: 0.0000, IoU.Clutter: 0.0258, IoU.Background: nan, Acc.Impervious surface: 0.1607, Acc.Buildings: 0.4092, Acc.Low vegetation: 0.1098, Acc.Trees: 0.0208, Acc.Cars: 0.0000, Acc.Clutter: 0.7436, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:45:24,051 - mmseg - INFO - Epoch [112][90/450] lr: 4.867e-03, eta: 8:04:02, time: 0.953, data_time: 0.278, memory: 7603, decode.loss_ce: 0.0760, decode.acc_seg: 97.0417, aux.loss_ce: 0.0510, aux.acc_seg: 95.3164, loss: 0.1270 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:46:26,448 - mmseg - INFO - Epoch [112][180/450] lr: 4.858e-03, eta: 8:02:54, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0837, decode.acc_seg: 96.7495, aux.loss_ce: 0.0579, aux.acc_seg: 94.6466, loss: 0.1416 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:47:29,056 - mmseg - INFO - Epoch [112][270/450] lr: 4.848e-03, eta: 8:01:47, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0790, decode.acc_seg: 96.9091, aux.loss_ce: 0.0512, aux.acc_seg: 95.2708, loss: 0.1302 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:48:32,031 - mmseg - INFO - Epoch [112][360/450] lr: 4.838e-03, eta: 8:00:39, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0849, decode.acc_seg: 96.7681, aux.loss_ce: 0.0551, aux.acc_seg: 94.9751, loss: 0.1400 2021-11-27 02:49:35,148 - mmseg - INFO - Saving checkpoint at 50400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 02:49:36,012 - mmseg - INFO - Epoch [112][450/450] lr: 4.829e-03, eta: 7:59:33, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0776, decode.acc_seg: 96.9774, aux.loss_ce: 0.0508, aux.acc_seg: 95.2976, loss: 0.1284
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1123s, ETA: 0s
2021-11-27 03:08:18,992 - mmseg - INFO - per class results: 2021-11-27 03:08:18,993 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 11.04 | 11.99 | | Buildings | 12.42 | 16.51 | | Low vegetation | 11.74 | 13.29 | | Trees | 3.15 | 3.2 | | Cars | 0.0 | 0.0 | | Clutter | 3.44 | 86.01 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 03:08:18,994 - mmseg - INFO - Summary: 2021-11-27 03:08:18,995 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 13.64 | 6.96 | 21.83 | +-------+------+-------+ 2021-11-27 03:08:18,996 - mmseg - INFO - Epoch(val) [112][255] aAcc: 0.1364, mIoU: 0.0696, mAcc: 0.2183, IoU.Impervious surface: 0.1104, IoU.Buildings: 0.1242, IoU.Low vegetation: 0.1174, IoU.Trees: 0.0315, IoU.Cars: 0.0000, IoU.Clutter: 0.0344, IoU.Background: nan, Acc.Impervious surface: 0.1199, Acc.Buildings: 0.1651, Acc.Low vegetation: 0.1329, Acc.Trees: 0.0320, Acc.Cars: 0.0000, Acc.Clutter: 0.8601, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:09:45,604 - mmseg - INFO - Epoch [113][90/450] lr: 4.819e-03, eta: 7:58:44, time: 0.961, data_time: 0.285, memory: 7603, decode.loss_ce: 0.0776, decode.acc_seg: 96.9718, aux.loss_ce: 0.0496, aux.acc_seg: 95.4618, loss: 0.1272 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:10:47,885 - mmseg - INFO - Epoch [113][180/450] lr: 4.809e-03, eta: 7:57:36, time: 0.692, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0723, decode.acc_seg: 97.1912, aux.loss_ce: 0.0471, aux.acc_seg: 95.6291, loss: 0.1194 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:11:50,783 - mmseg - INFO - Epoch [113][270/450] lr: 4.800e-03, eta: 7:56:29, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0756, decode.acc_seg: 97.0471, aux.loss_ce: 0.0514, aux.acc_seg: 95.2720, loss: 0.1270 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:12:53,702 - mmseg - INFO - Epoch [113][360/450] lr: 4.790e-03, eta: 7:55:21, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0794, decode.acc_seg: 96.9097, aux.loss_ce: 0.0528, aux.acc_seg: 95.1397, loss: 0.1322 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:13:56,971 - mmseg - INFO - Epoch [113][450/450] lr: 4.780e-03, eta: 7:54:14, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0866, decode.acc_seg: 96.6366, aux.loss_ce: 0.0559, aux.acc_seg: 94.8681, loss: 0.1426
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1125s, ETA: 0s
2021-11-27 03:32:41,793 - mmseg - INFO - per class results: 2021-11-27 03:32:41,794 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.99 | 25.39 | | Buildings | 26.99 | 35.14 | | Low vegetation | 9.26 | 10.26 | | Trees | 0.77 | 0.77 | | Cars | 0.0 | 0.0 | | Clutter | 3.1 | 80.47 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 03:32:41,795 - mmseg - INFO - Summary: 2021-11-27 03:32:41,795 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 23.01 | 9.85 | 25.34 | +-------+------+-------+ 2021-11-27 03:32:41,797 - mmseg - INFO - Epoch(val) [113][255] aAcc: 0.2301, mIoU: 0.0985, mAcc: 0.2534, IoU.Impervious surface: 0.1899, IoU.Buildings: 0.2699, IoU.Low vegetation: 0.0926, IoU.Trees: 0.0077, IoU.Cars: 0.0000, IoU.Clutter: 0.0310, IoU.Background: nan, Acc.Impervious surface: 0.2539, Acc.Buildings: 0.3514, Acc.Low vegetation: 0.1026, Acc.Trees: 0.0077, Acc.Cars: 0.0000, Acc.Clutter: 0.8047, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:34:05,273 - mmseg - INFO - Epoch [114][90/450] lr: 4.771e-03, eta: 7:53:23, time: 0.927, data_time: 0.250, memory: 7603, decode.loss_ce: 0.0781, decode.acc_seg: 96.9943, aux.loss_ce: 0.0523, aux.acc_seg: 95.1964, loss: 0.1304 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:35:07,758 - mmseg - INFO - Epoch [114][180/450] lr: 4.761e-03, eta: 7:52:15, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1089, decode.acc_seg: 95.9230, aux.loss_ce: 0.0721, aux.acc_seg: 93.4799, loss: 0.1810 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:36:10,903 - mmseg - INFO - Epoch [114][270/450] lr: 4.751e-03, eta: 7:51:08, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1595, decode.acc_seg: 94.2263, aux.loss_ce: 0.0966, aux.acc_seg: 91.3127, loss: 0.2561 2021-11-27 03:37:07,009 - mmseg - INFO - Saving checkpoint at 51200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:37:15,095 - mmseg - INFO - Epoch [114][360/450] lr: 4.742e-03, eta: 7:50:02, time: 0.713, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1640, decode.acc_seg: 93.9837, aux.loss_ce: 0.1003, aux.acc_seg: 91.0184, loss: 0.2643 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 03:38:18,105 - mmseg - INFO - Epoch [114][450/450] lr: 4.732e-03, eta: 7:48:54, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1206, decode.acc_seg: 95.4333, aux.loss_ce: 0.0780, aux.acc_seg: 92.8864, loss: 0.1987
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1226s, ETA: 0s
2021-11-27 03:58:44,711 - mmseg - INFO - per class results: 2021-11-27 03:58:44,712 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.32 | 3.64 | | Buildings | 11.57 | 14.87 | | Low vegetation | 5.76 | 6.09 | | Trees | 10.92 | 13.08 | | Cars | 0.0 | 0.0 | | Clutter | 2.78 | 76.03 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 03:58:44,713 - mmseg - INFO - Summary: 2021-11-27 03:58:44,713 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 9.96 | 5.72 | 18.95 | +------+------+-------+ 2021-11-27 03:58:44,714 - mmseg - INFO - Epoch(val) [114][255] aAcc: 0.0996, mIoU: 0.0572, mAcc: 0.1895, IoU.Impervious surface: 0.0332, IoU.Buildings: 0.1157, IoU.Low vegetation: 0.0576, IoU.Trees: 0.1092, IoU.Cars: 0.0000, IoU.Clutter: 0.0278, IoU.Background: nan, Acc.Impervious surface: 0.0364, Acc.Buildings: 0.1487, Acc.Low vegetation: 0.0609, Acc.Trees: 0.1308, Acc.Cars: 0.0000, Acc.Clutter: 0.7603, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:00:07,834 - mmseg - INFO - Epoch [115][90/450] lr: 4.722e-03, eta: 7:48:02, time: 0.923, data_time: 0.246, memory: 7603, decode.loss_ce: 0.1301, decode.acc_seg: 95.1526, aux.loss_ce: 0.0815, aux.acc_seg: 92.6901, loss: 0.2116 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:01:10,293 - mmseg - INFO - Epoch [115][180/450] lr: 4.713e-03, eta: 7:46:54, time: 0.694, data_time: 0.003, memory: 7603, decode.loss_ce: 0.1023, decode.acc_seg: 96.1027, aux.loss_ce: 0.0668, aux.acc_seg: 93.8836, loss: 0.1692 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:02:13,093 - mmseg - INFO - Epoch [115][270/450] lr: 4.703e-03, eta: 7:45:47, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1023, decode.acc_seg: 96.0532, aux.loss_ce: 0.0665, aux.acc_seg: 93.9139, loss: 0.1689 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:03:16,456 - mmseg - INFO - Epoch [115][360/450] lr: 4.693e-03, eta: 7:44:40, time: 0.704, data_time: 0.003, memory: 7603, decode.loss_ce: 0.0967, decode.acc_seg: 96.2888, aux.loss_ce: 0.0616, aux.acc_seg: 94.2949, loss: 0.1583 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:04:19,448 - mmseg - INFO - Epoch [115][450/450] lr: 4.683e-03, eta: 7:43:33, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0879, decode.acc_seg: 96.6149, aux.loss_ce: 0.0583, aux.acc_seg: 94.6468, loss: 0.1462
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1099s, ETA: 0s
2021-11-27 04:22:38,677 - mmseg - INFO - per class results: 2021-11-27 04:22:38,679 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 21.71 | 28.87 | | Buildings | 3.8 | 3.88 | | Low vegetation | 2.0 | 2.05 | | Trees | 11.05 | 15.95 | | Cars | 0.0 | 0.0 | | Clutter | 2.79 | 69.56 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 04:22:38,679 - mmseg - INFO - Summary: 2021-11-27 04:22:38,680 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.13 | 6.89 | 20.05 | +-------+------+-------+ 2021-11-27 04:22:38,681 - mmseg - INFO - Epoch(val) [115][255] aAcc: 0.1413, mIoU: 0.0689, mAcc: 0.2005, IoU.Impervious surface: 0.2171, IoU.Buildings: 0.0380, IoU.Low vegetation: 0.0200, IoU.Trees: 0.1105, IoU.Cars: 0.0000, IoU.Clutter: 0.0279, IoU.Background: nan, Acc.Impervious surface: 0.2887, Acc.Buildings: 0.0388, Acc.Low vegetation: 0.0205, Acc.Trees: 0.1595, Acc.Cars: 0.0000, Acc.Clutter: 0.6956, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:24:01,475 - mmseg - INFO - Epoch [116][90/450] lr: 4.674e-03, eta: 7:42:40, time: 0.919, data_time: 0.241, memory: 7603, decode.loss_ce: 0.0842, decode.acc_seg: 96.7237, aux.loss_ce: 0.0558, aux.acc_seg: 94.8590, loss: 0.1399 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:25:04,077 - mmseg - INFO - Epoch [116][180/450] lr: 4.664e-03, eta: 7:41:32, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1127, decode.acc_seg: 95.7462, aux.loss_ce: 0.0752, aux.acc_seg: 93.2705, loss: 0.1879 2021-11-27 04:25:53,017 - mmseg - INFO - Saving checkpoint at 52000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:26:08,061 - mmseg - INFO - Epoch [116][270/450] lr: 4.654e-03, eta: 7:40:26, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1175, decode.acc_seg: 95.5920, aux.loss_ce: 0.0752, aux.acc_seg: 93.2479, loss: 0.1927 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:27:11,031 - mmseg - INFO - Epoch [116][360/450] lr: 4.645e-03, eta: 7:39:19, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1382, decode.acc_seg: 94.8977, aux.loss_ce: 0.0852, aux.acc_seg: 92.3288, loss: 0.2234 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:28:14,308 - mmseg - INFO - Epoch [116][450/450] lr: 4.635e-03, eta: 7:38:11, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1008, decode.acc_seg: 96.1536, aux.loss_ce: 0.0660, aux.acc_seg: 94.0038, loss: 0.1668
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1110s, ETA: 0s
2021-11-27 04:46:44,491 - mmseg - INFO - per class results: 2021-11-27 04:46:44,493 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 20.66 | 26.98 | | Buildings | 16.31 | 19.34 | | Low vegetation | 13.79 | 15.79 | | Trees | 2.65 | 2.72 | | Cars | 0.0 | 0.0 | | Clutter | 3.4 | 78.81 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 04:46:44,493 - mmseg - INFO - Summary: 2021-11-27 04:46:44,495 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 19.77 | 9.47 | 23.94 | +-------+------+-------+ 2021-11-27 04:46:44,496 - mmseg - INFO - Epoch(val) [116][255] aAcc: 0.1977, mIoU: 0.0947, mAcc: 0.2394, IoU.Impervious surface: 0.2066, IoU.Buildings: 0.1631, IoU.Low vegetation: 0.1379, IoU.Trees: 0.0265, IoU.Cars: 0.0000, IoU.Clutter: 0.0340, IoU.Background: nan, Acc.Impervious surface: 0.2698, Acc.Buildings: 0.1934, Acc.Low vegetation: 0.1579, Acc.Trees: 0.0272, Acc.Cars: 0.0000, Acc.Clutter: 0.7881, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:47:56,112 - mmseg - INFO - Epoch [117][90/450] lr: 4.625e-03, eta: 7:37:10, time: 0.795, data_time: 0.119, memory: 7603, decode.loss_ce: 0.1026, decode.acc_seg: 96.0381, aux.loss_ce: 0.0677, aux.acc_seg: 93.7322, loss: 0.1703 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:48:58,926 - mmseg - INFO - Epoch [117][180/450] lr: 4.615e-03, eta: 7:36:03, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1004, decode.acc_seg: 96.1986, aux.loss_ce: 0.0657, aux.acc_seg: 94.0328, loss: 0.1661 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:50:02,138 - mmseg - INFO - Epoch [117][270/450] lr: 4.606e-03, eta: 7:34:56, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1043, decode.acc_seg: 96.0266, aux.loss_ce: 0.0681, aux.acc_seg: 93.8152, loss: 0.1724 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:51:05,219 - mmseg - INFO - Epoch [117][360/450] lr: 4.596e-03, eta: 7:33:49, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0943, decode.acc_seg: 96.3913, aux.loss_ce: 0.0636, aux.acc_seg: 94.1822, loss: 0.1579 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 04:52:08,650 - mmseg - INFO - Epoch [117][450/450] lr: 4.586e-03, eta: 7:32:42, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0878, decode.acc_seg: 96.6253, aux.loss_ce: 0.0575, aux.acc_seg: 94.7767, loss: 0.1453
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1169s, ETA: 0s
2021-11-27 05:11:38,181 - mmseg - INFO - per class results: 2021-11-27 05:11:38,182 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 31.0 | 42.07 | | Buildings | 12.79 | 14.0 | | Low vegetation | 5.84 | 6.17 | | Trees | 10.96 | 12.58 | | Cars | 0.0 | 0.0 | | Clutter | 2.66 | 62.52 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 05:11:38,183 - mmseg - INFO - Summary: 2021-11-27 05:11:38,183 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 21.98 | 10.54 | 22.89 | +-------+-------+-------+ 2021-11-27 05:11:38,186 - mmseg - INFO - Epoch(val) [117][255] aAcc: 0.2198, mIoU: 0.1054, mAcc: 0.2289, IoU.Impervious surface: 0.3100, IoU.Buildings: 0.1279, IoU.Low vegetation: 0.0584, IoU.Trees: 0.1096, IoU.Cars: 0.0000, IoU.Clutter: 0.0266, IoU.Background: nan, Acc.Impervious surface: 0.4207, Acc.Buildings: 0.1400, Acc.Low vegetation: 0.0617, Acc.Trees: 0.1258, Acc.Cars: 0.0000, Acc.Clutter: 0.6252, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:14:00,566 - mmseg - INFO - Epoch [118][90/450] lr: 4.577e-03, eta: 7:32:31, time: 1.580, data_time: 0.905, memory: 7603, decode.loss_ce: 0.0831, decode.acc_seg: 96.7990, aux.loss_ce: 0.0527, aux.acc_seg: 95.1337, loss: 0.1358 2021-11-27 05:14:42,331 - mmseg - INFO - Saving checkpoint at 52800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:15:04,046 - mmseg - INFO - Epoch [118][180/450] lr: 4.567e-03, eta: 7:31:24, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0831, decode.acc_seg: 96.7766, aux.loss_ce: 0.0560, aux.acc_seg: 94.9031, loss: 0.1391 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:16:07,153 - mmseg - INFO - Epoch [118][270/450] lr: 4.557e-03, eta: 7:30:16, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0809, decode.acc_seg: 96.8618, aux.loss_ce: 0.0535, aux.acc_seg: 95.0884, loss: 0.1344 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:17:10,335 - mmseg - INFO - Epoch [118][360/450] lr: 4.547e-03, eta: 7:29:09, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0804, decode.acc_seg: 96.8446, aux.loss_ce: 0.0529, aux.acc_seg: 95.1238, loss: 0.1333 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:18:13,759 - mmseg - INFO - Epoch [118][450/450] lr: 4.538e-03, eta: 7:28:02, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1076, decode.acc_seg: 95.9006, aux.loss_ce: 0.0703, aux.acc_seg: 93.6747, loss: 0.1778
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1144s, ETA: 0s
2021-11-27 05:37:17,417 - mmseg - INFO - per class results: 2021-11-27 05:37:17,418 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 45.74 | 64.59 | | Buildings | 16.5 | 18.03 | | Low vegetation | 6.6 | 7.29 | | Trees | 12.59 | 16.29 | | Cars | 0.0 | 0.0 | | Clutter | 2.07 | 44.03 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 05:37:17,419 - mmseg - INFO - Summary: 2021-11-27 05:37:17,420 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.98 | 13.92 | 25.04 | +-------+-------+-------+ 2021-11-27 05:37:17,421 - mmseg - INFO - Epoch(val) [118][255] aAcc: 0.3098, mIoU: 0.1392, mAcc: 0.2504, IoU.Impervious surface: 0.4574, IoU.Buildings: 0.1650, IoU.Low vegetation: 0.0660, IoU.Trees: 0.1259, IoU.Cars: 0.0000, IoU.Clutter: 0.0207, IoU.Background: nan, Acc.Impervious surface: 0.6459, Acc.Buildings: 0.1803, Acc.Low vegetation: 0.0729, Acc.Trees: 0.1629, Acc.Cars: 0.0000, Acc.Clutter: 0.4403, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:38:45,940 - mmseg - INFO - Epoch [119][90/450] lr: 4.528e-03, eta: 7:27:12, time: 0.983, data_time: 0.305, memory: 7603, decode.loss_ce: 0.0916, decode.acc_seg: 96.4725, aux.loss_ce: 0.0594, aux.acc_seg: 94.5656, loss: 0.1510 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:39:48,691 - mmseg - INFO - Epoch [119][180/450] lr: 4.518e-03, eta: 7:26:05, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0893, decode.acc_seg: 96.5742, aux.loss_ce: 0.0584, aux.acc_seg: 94.7250, loss: 0.1477 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:40:52,147 - mmseg - INFO - Epoch [119][270/450] lr: 4.508e-03, eta: 7:24:58, time: 0.705, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0775, decode.acc_seg: 96.9981, aux.loss_ce: 0.0509, aux.acc_seg: 95.3236, loss: 0.1284 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:41:55,185 - mmseg - INFO - Epoch [119][360/450] lr: 4.499e-03, eta: 7:23:50, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0835, decode.acc_seg: 96.7544, aux.loss_ce: 0.0552, aux.acc_seg: 94.9094, loss: 0.1387 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 05:42:58,557 - mmseg - INFO - Epoch [119][450/450] lr: 4.489e-03, eta: 7:22:43, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0836, decode.acc_seg: 96.7708, aux.loss_ce: 0.0537, aux.acc_seg: 95.0470, loss: 0.1373
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1095s, ETA: 0s
2021-11-27 06:01:13,421 - mmseg - INFO - per class results: 2021-11-27 06:01:13,423 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.03 | 14.89 | | Buildings | 5.13 | 5.32 | | Low vegetation | 7.35 | 7.87 | | Trees | 4.42 | 4.58 | | Cars | 0.0 | 0.0 | | Clutter | 3.53 | 84.87 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 06:01:13,424 - mmseg - INFO - Summary: 2021-11-27 06:01:13,425 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 10.09 | 5.41 | 19.59 | +-------+------+-------+ 2021-11-27 06:01:13,426 - mmseg - INFO - Epoch(val) [119][255] aAcc: 0.1009, mIoU: 0.0541, mAcc: 0.1959, IoU.Impervious surface: 0.1203, IoU.Buildings: 0.0513, IoU.Low vegetation: 0.0735, IoU.Trees: 0.0442, IoU.Cars: 0.0000, IoU.Clutter: 0.0353, IoU.Background: nan, Acc.Impervious surface: 0.1489, Acc.Buildings: 0.0532, Acc.Low vegetation: 0.0787, Acc.Trees: 0.0458, Acc.Cars: 0.0000, Acc.Clutter: 0.8487, Acc.Background: nan 2021-11-27 06:02:15,027 - mmseg - INFO - Saving checkpoint at 53600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:02:43,281 - mmseg - INFO - Epoch [120][90/450] lr: 4.479e-03, eta: 7:21:54, time: 0.998, data_time: 0.314, memory: 7603, decode.loss_ce: 0.0754, decode.acc_seg: 97.0834, aux.loss_ce: 0.0502, aux.acc_seg: 95.3901, loss: 0.1255 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:03:46,002 - mmseg - INFO - Epoch [120][180/450] lr: 4.469e-03, eta: 7:20:46, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0840, decode.acc_seg: 96.7552, aux.loss_ce: 0.0549, aux.acc_seg: 94.9412, loss: 0.1389 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:04:49,086 - mmseg - INFO - Epoch [120][270/450] lr: 4.460e-03, eta: 7:19:39, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0780, decode.acc_seg: 96.9266, aux.loss_ce: 0.0506, aux.acc_seg: 95.2841, loss: 0.1286 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:05:52,423 - mmseg - INFO - Epoch [120][360/450] lr: 4.450e-03, eta: 7:18:32, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0833, decode.acc_seg: 96.7798, aux.loss_ce: 0.0578, aux.acc_seg: 94.7443, loss: 0.1411 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:06:55,433 - mmseg - INFO - Epoch [120][450/450] lr: 4.440e-03, eta: 7:17:25, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0759, decode.acc_seg: 97.0617, aux.loss_ce: 0.0509, aux.acc_seg: 95.3586, loss: 0.1268
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1290s, ETA: 0s
2021-11-27 06:28:25,347 - mmseg - INFO - per class results: 2021-11-27 06:28:25,348 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.6 | 11.91 | | Buildings | 29.11 | 37.15 | | Low vegetation | 19.49 | 25.81 | | Trees | 0.0 | 0.0 | | Cars | 0.05 | 0.05 | | Clutter | 3.07 | 72.0 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 06:28:25,349 - mmseg - INFO - Summary: 2021-11-27 06:28:25,350 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 22.08 | 10.22 | 24.49 | +-------+-------+-------+ 2021-11-27 06:28:25,351 - mmseg - INFO - Epoch(val) [120][255] aAcc: 0.2208, mIoU: 0.1022, mAcc: 0.2449, IoU.Impervious surface: 0.0960, IoU.Buildings: 0.2911, IoU.Low vegetation: 0.1949, IoU.Trees: 0.0000, IoU.Cars: 0.0005, IoU.Clutter: 0.0307, IoU.Background: nan, Acc.Impervious surface: 0.1191, Acc.Buildings: 0.3715, Acc.Low vegetation: 0.2581, Acc.Trees: 0.0000, Acc.Cars: 0.0005, Acc.Clutter: 0.7200, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:29:50,198 - mmseg - INFO - Epoch [121][90/450] lr: 4.430e-03, eta: 7:16:32, time: 0.942, data_time: 0.264, memory: 7603, decode.loss_ce: 0.0764, decode.acc_seg: 97.0427, aux.loss_ce: 0.0505, aux.acc_seg: 95.3685, loss: 0.1268 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:30:52,906 - mmseg - INFO - Epoch [121][180/450] lr: 4.421e-03, eta: 7:15:24, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0760, decode.acc_seg: 97.0395, aux.loss_ce: 0.0499, aux.acc_seg: 95.3614, loss: 0.1259 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:31:56,176 - mmseg - INFO - Epoch [121][270/450] lr: 4.411e-03, eta: 7:14:17, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0811, decode.acc_seg: 96.9000, aux.loss_ce: 0.0531, aux.acc_seg: 95.1486, loss: 0.1343 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:32:59,349 - mmseg - INFO - Epoch [121][360/450] lr: 4.401e-03, eta: 7:13:10, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0758, decode.acc_seg: 97.0486, aux.loss_ce: 0.0504, aux.acc_seg: 95.3434, loss: 0.1262 2021-11-27 06:33:27,699 - mmseg - INFO - Saving checkpoint at 54400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:34:03,588 - mmseg - INFO - Epoch [121][450/450] lr: 4.391e-03, eta: 7:12:03, time: 0.714, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0787, decode.acc_seg: 96.9417, aux.loss_ce: 0.0508, aux.acc_seg: 95.2944, loss: 0.1295
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1145s, ETA: 0s
2021-11-27 06:53:08,802 - mmseg - INFO - per class results: 2021-11-27 06:53:08,803 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 16.37 | 20.35 | | Buildings | 31.73 | 42.02 | | Low vegetation | 17.64 | 33.63 | | Trees | 3.02 | 3.15 | | Cars | 0.0 | 0.0 | | Clutter | 2.04 | 38.33 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 06:53:08,804 - mmseg - INFO - Summary: 2021-11-27 06:53:08,805 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 27.75 | 11.8 | 22.91 | +-------+------+-------+ 2021-11-27 06:53:08,806 - mmseg - INFO - Epoch(val) [121][255] aAcc: 0.2775, mIoU: 0.1180, mAcc: 0.2291, IoU.Impervious surface: 0.1637, IoU.Buildings: 0.3173, IoU.Low vegetation: 0.1764, IoU.Trees: 0.0302, IoU.Cars: 0.0000, IoU.Clutter: 0.0204, IoU.Background: nan, Acc.Impervious surface: 0.2035, Acc.Buildings: 0.4202, Acc.Low vegetation: 0.3363, Acc.Trees: 0.0315, Acc.Cars: 0.0000, Acc.Clutter: 0.3833, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:54:34,709 - mmseg - INFO - Epoch [122][90/450] lr: 4.381e-03, eta: 7:11:11, time: 0.954, data_time: 0.279, memory: 7603, decode.loss_ce: 0.0772, decode.acc_seg: 97.0216, aux.loss_ce: 0.0505, aux.acc_seg: 95.3714, loss: 0.1277 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:55:37,645 - mmseg - INFO - Epoch [122][180/450] lr: 4.372e-03, eta: 7:10:03, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0750, decode.acc_seg: 97.0739, aux.loss_ce: 0.0510, aux.acc_seg: 95.3284, loss: 0.1260 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:56:40,823 - mmseg - INFO - Epoch [122][270/450] lr: 4.362e-03, eta: 7:08:56, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0708, decode.acc_seg: 97.2371, aux.loss_ce: 0.0489, aux.acc_seg: 95.4826, loss: 0.1198 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:57:44,155 - mmseg - INFO - Epoch [122][360/450] lr: 4.352e-03, eta: 7:07:49, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0716, decode.acc_seg: 97.2107, aux.loss_ce: 0.0464, aux.acc_seg: 95.7157, loss: 0.1180 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 06:58:47,502 - mmseg - INFO - Epoch [122][450/450] lr: 4.342e-03, eta: 7:06:42, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0791, decode.acc_seg: 96.9590, aux.loss_ce: 0.0514, aux.acc_seg: 95.3284, loss: 0.1305
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1165s, ETA: 0s
2021-11-27 07:18:12,311 - mmseg - INFO - per class results: 2021-11-27 07:18:12,313 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.72 | 14.81 | | Buildings | 67.4 | 95.54 | | Low vegetation | 0.0 | 0.0 | | Trees | 0.02 | 0.02 | | Cars | 0.0 | 0.0 | | Clutter | 0.14 | 0.16 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 07:18:12,313 - mmseg - INFO - Summary: 2021-11-27 07:18:12,314 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 35.39 | 13.05 | 18.42 | +-------+-------+-------+ 2021-11-27 07:18:12,315 - mmseg - INFO - Epoch(val) [122][255] aAcc: 0.3539, mIoU: 0.1305, mAcc: 0.1842, IoU.Impervious surface: 0.1072, IoU.Buildings: 0.6740, IoU.Low vegetation: 0.0000, IoU.Trees: 0.0002, IoU.Cars: 0.0000, IoU.Clutter: 0.0014, IoU.Background: nan, Acc.Impervious surface: 0.1481, Acc.Buildings: 0.9554, Acc.Low vegetation: 0.0000, Acc.Trees: 0.0002, Acc.Cars: 0.0000, Acc.Clutter: 0.0016, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:19:41,548 - mmseg - INFO - Epoch [123][90/450] lr: 4.333e-03, eta: 7:05:51, time: 0.991, data_time: 0.316, memory: 7603, decode.loss_ce: 0.1373, decode.acc_seg: 95.0004, aux.loss_ce: 0.0857, aux.acc_seg: 92.3680, loss: 0.2231 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:20:44,016 - mmseg - INFO - Epoch [123][180/450] lr: 4.323e-03, eta: 7:04:43, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0948, decode.acc_seg: 96.3582, aux.loss_ce: 0.0636, aux.acc_seg: 94.2835, loss: 0.1584 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:21:48,022 - mmseg - INFO - Epoch [123][270/450] lr: 4.313e-03, eta: 7:03:36, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0977, decode.acc_seg: 96.2514, aux.loss_ce: 0.0657, aux.acc_seg: 93.9899, loss: 0.1635 2021-11-27 07:22:08,828 - mmseg - INFO - Saving checkpoint at 55200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:22:52,367 - mmseg - INFO - Epoch [123][360/450] lr: 4.303e-03, eta: 7:02:30, time: 0.715, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0888, decode.acc_seg: 96.5791, aux.loss_ce: 0.0621, aux.acc_seg: 94.3558, loss: 0.1508 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:23:55,547 - mmseg - INFO - Epoch [123][450/450] lr: 4.293e-03, eta: 7:01:23, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0826, decode.acc_seg: 96.8379, aux.loss_ce: 0.0543, aux.acc_seg: 95.1654, loss: 0.1369
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1352s, ETA: 0s
2021-11-27 07:46:27,314 - mmseg - INFO - per class results: 2021-11-27 07:46:27,316 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 28.44 | 33.33 | | Buildings | 51.7 | 77.02 | | Low vegetation | 18.98 | 24.04 | | Trees | 0.63 | 0.64 | | Cars | 0.0 | 0.0 | | Clutter | 1.98 | 30.65 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 07:46:27,316 - mmseg - INFO - Summary: 2021-11-27 07:46:27,317 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 40.87 | 16.96 | 27.61 | +-------+-------+-------+ 2021-11-27 07:46:27,318 - mmseg - INFO - Epoch(val) [123][255] aAcc: 0.4087, mIoU: 0.1696, mAcc: 0.2761, IoU.Impervious surface: 0.2844, IoU.Buildings: 0.5170, IoU.Low vegetation: 0.1898, IoU.Trees: 0.0063, IoU.Cars: 0.0000, IoU.Clutter: 0.0198, IoU.Background: nan, Acc.Impervious surface: 0.3333, Acc.Buildings: 0.7702, Acc.Low vegetation: 0.2404, Acc.Trees: 0.0064, Acc.Cars: 0.0000, Acc.Clutter: 0.3065, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:47:49,603 - mmseg - INFO - Epoch [124][90/450] lr: 4.284e-03, eta: 7:00:27, time: 0.913, data_time: 0.237, memory: 7603, decode.loss_ce: 0.0943, decode.acc_seg: 96.3867, aux.loss_ce: 0.0628, aux.acc_seg: 94.2093, loss: 0.1571 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:48:52,651 - mmseg - INFO - Epoch [124][180/450] lr: 4.274e-03, eta: 6:59:20, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0849, decode.acc_seg: 96.7160, aux.loss_ce: 0.0557, aux.acc_seg: 94.8881, loss: 0.1406 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:49:55,960 - mmseg - INFO - Epoch [124][270/450] lr: 4.264e-03, eta: 6:58:13, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0992, decode.acc_seg: 96.2161, aux.loss_ce: 0.0683, aux.acc_seg: 93.8418, loss: 0.1675 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:50:59,096 - mmseg - INFO - Epoch [124][360/450] lr: 4.254e-03, eta: 6:57:06, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0916, decode.acc_seg: 96.4880, aux.loss_ce: 0.0634, aux.acc_seg: 94.2512, loss: 0.1550 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 07:52:02,659 - mmseg - INFO - Epoch [124][450/450] lr: 4.244e-03, eta: 6:55:59, time: 0.706, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0874, decode.acc_seg: 96.7294, aux.loss_ce: 0.0580, aux.acc_seg: 94.8001, loss: 0.1454
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1104s, ETA: 0s
2021-11-27 08:10:26,661 - mmseg - INFO - per class results: 2021-11-27 08:10:26,662 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 6.86 | 7.24 | | Buildings | 14.36 | 16.38 | | Low vegetation | 7.92 | 8.76 | | Trees | 1.69 | 1.8 | | Cars | 0.0 | 0.0 | | Clutter | 2.88 | 82.65 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 08:10:26,662 - mmseg - INFO - Summary: 2021-11-27 08:10:26,663 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 10.93 | 5.62 | 19.47 | +-------+------+-------+ 2021-11-27 08:10:26,665 - mmseg - INFO - Epoch(val) [124][255] aAcc: 0.1093, mIoU: 0.0562, mAcc: 0.1947, IoU.Impervious surface: 0.0686, IoU.Buildings: 0.1436, IoU.Low vegetation: 0.0792, IoU.Trees: 0.0169, IoU.Cars: 0.0000, IoU.Clutter: 0.0288, IoU.Background: nan, Acc.Impervious surface: 0.0724, Acc.Buildings: 0.1638, Acc.Low vegetation: 0.0876, Acc.Trees: 0.0180, Acc.Cars: 0.0000, Acc.Clutter: 0.8265, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:11:37,707 - mmseg - INFO - Epoch [125][90/450] lr: 4.234e-03, eta: 6:54:56, time: 0.788, data_time: 0.111, memory: 7603, decode.loss_ce: 0.0829, decode.acc_seg: 96.8009, aux.loss_ce: 0.0542, aux.acc_seg: 95.0175, loss: 0.1371 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:12:40,235 - mmseg - INFO - Epoch [125][180/450] lr: 4.225e-03, eta: 6:53:49, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0832, decode.acc_seg: 96.7753, aux.loss_ce: 0.0564, aux.acc_seg: 94.8369, loss: 0.1396 2021-11-27 08:12:54,393 - mmseg - INFO - Saving checkpoint at 56000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:13:44,262 - mmseg - INFO - Epoch [125][270/450] lr: 4.215e-03, eta: 6:52:42, time: 0.711, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0791, decode.acc_seg: 96.9244, aux.loss_ce: 0.0525, aux.acc_seg: 95.1045, loss: 0.1316 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:14:47,547 - mmseg - INFO - Epoch [125][360/450] lr: 4.205e-03, eta: 6:51:35, time: 0.703, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0754, decode.acc_seg: 97.0911, aux.loss_ce: 0.0523, aux.acc_seg: 95.2831, loss: 0.1277 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:15:50,746 - mmseg - INFO - Epoch [125][450/450] lr: 4.195e-03, eta: 6:50:28, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0731, decode.acc_seg: 97.1535, aux.loss_ce: 0.0512, aux.acc_seg: 95.2810, loss: 0.1243
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1173s, ETA: 0s
2021-11-27 08:35:24,147 - mmseg - INFO - per class results: 2021-11-27 08:35:24,149 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 1.08 | 1.09 | | Buildings | 2.42 | 2.45 | | Low vegetation | 1.71 | 1.73 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.37 | 96.29 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-27 08:35:24,150 - mmseg - INFO - Summary: 2021-11-27 08:35:24,152 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 3.1 | 1.43 | 16.93 | +------+------+-------+ 2021-11-27 08:35:24,154 - mmseg - INFO - Epoch(val) [125][255] aAcc: 0.0310, mIoU: 0.0143, mAcc: 0.1693, IoU.Impervious surface: 0.0108, IoU.Buildings: 0.0242, IoU.Low vegetation: 0.0171, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0337, IoU.Background: nan, Acc.Impervious surface: 0.0109, Acc.Buildings: 0.0245, Acc.Low vegetation: 0.0173, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9629, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:42:16,534 - mmseg - INFO - Epoch [126][90/450] lr: 4.185e-03, eta: 6:52:49, time: 4.575, data_time: 3.918, memory: 7603, decode.loss_ce: 0.0733, decode.acc_seg: 97.1603, aux.loss_ce: 0.0481, aux.acc_seg: 95.5611, loss: 0.1214 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:43:26,565 - mmseg - INFO - Epoch [126][180/450] lr: 4.176e-03, eta: 6:51:45, time: 0.778, data_time: 0.105, memory: 7603, decode.loss_ce: 0.0719, decode.acc_seg: 97.2062, aux.loss_ce: 0.0474, aux.acc_seg: 95.5998, loss: 0.1193 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:44:29,048 - mmseg - INFO - Epoch [126][270/450] lr: 4.166e-03, eta: 6:50:36, time: 0.694, data_time: 0.006, memory: 7603, decode.loss_ce: 0.0773, decode.acc_seg: 97.0083, aux.loss_ce: 0.0507, aux.acc_seg: 95.2867, loss: 0.1281 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:45:31,754 - mmseg - INFO - Epoch [126][360/450] lr: 4.156e-03, eta: 6:49:28, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0725, decode.acc_seg: 97.2052, aux.loss_ce: 0.0481, aux.acc_seg: 95.5454, loss: 0.1205 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 08:46:34,486 - mmseg - INFO - Epoch [126][450/450] lr: 4.146e-03, eta: 6:48:20, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0764, decode.acc_seg: 97.0622, aux.loss_ce: 0.0512, aux.acc_seg: 95.3232, loss: 0.1276
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1167s, ETA: 0s
2021-11-27 09:06:01,949 - mmseg - INFO - per class results: 2021-11-27 09:06:01,950 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.96 | 11.36 | | Buildings | 28.69 | 43.67 | | Low vegetation | 7.62 | 8.2 | | Trees | 0.01 | 0.01 | | Cars | 0.0 | 0.0 | | Clutter | 2.36 | 68.05 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 09:06:01,951 - mmseg - INFO - Summary: 2021-11-27 09:06:01,952 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 20.44 | 8.27 | 21.88 | +-------+------+-------+ 2021-11-27 09:06:01,954 - mmseg - INFO - Epoch(val) [126][255] aAcc: 0.2044, mIoU: 0.0827, mAcc: 0.2188, IoU.Impervious surface: 0.1096, IoU.Buildings: 0.2869, IoU.Low vegetation: 0.0762, IoU.Trees: 0.0001, IoU.Cars: 0.0000, IoU.Clutter: 0.0236, IoU.Background: nan, Acc.Impervious surface: 0.1136, Acc.Buildings: 0.4367, Acc.Low vegetation: 0.0820, Acc.Trees: 0.0001, Acc.Cars: 0.0000, Acc.Clutter: 0.6805, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:07:51,268 - mmseg - INFO - Epoch [127][90/450] lr: 4.136e-03, eta: 6:47:39, time: 1.214, data_time: 0.544, memory: 7603, decode.loss_ce: 0.0684, decode.acc_seg: 97.3504, aux.loss_ce: 0.0454, aux.acc_seg: 95.8099, loss: 0.1137 2021-11-27 09:07:58,513 - mmseg - INFO - Saving checkpoint at 56800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:08:59,901 - mmseg - INFO - Epoch [127][180/450] lr: 4.126e-03, eta: 6:46:34, time: 0.763, data_time: 0.076, memory: 7603, decode.loss_ce: 0.1046, decode.acc_seg: 96.2142, aux.loss_ce: 0.0695, aux.acc_seg: 93.8596, loss: 0.1740 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:10:02,576 - mmseg - INFO - Epoch [127][270/450] lr: 4.116e-03, eta: 6:45:25, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1163, decode.acc_seg: 95.5530, aux.loss_ce: 0.0767, aux.acc_seg: 92.9996, loss: 0.1930 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:11:05,656 - mmseg - INFO - Epoch [127][360/450] lr: 4.107e-03, eta: 6:44:17, time: 0.701, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0858, decode.acc_seg: 96.6862, aux.loss_ce: 0.0555, aux.acc_seg: 94.8817, loss: 0.1414 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:12:08,576 - mmseg - INFO - Epoch [127][450/450] lr: 4.097e-03, eta: 6:43:09, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0863, decode.acc_seg: 96.6964, aux.loss_ce: 0.0600, aux.acc_seg: 94.5401, loss: 0.1463
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1170s, ETA: 0s
2021-11-27 09:31:39,223 - mmseg - INFO - per class results: 2021-11-27 09:31:39,224 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 33.88 | 38.96 | | Buildings | 16.73 | 18.25 | | Low vegetation | 11.22 | 13.18 | | Trees | 4.39 | 4.59 | | Cars | 0.0 | 0.0 | | Clutter | 2.58 | 72.88 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 09:31:39,225 - mmseg - INFO - Summary: 2021-11-27 09:31:39,226 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 22.94 | 11.46 | 24.64 | +-------+-------+-------+ 2021-11-27 09:31:39,228 - mmseg - INFO - Epoch(val) [127][255] aAcc: 0.2294, mIoU: 0.1146, mAcc: 0.2464, IoU.Impervious surface: 0.3388, IoU.Buildings: 0.1673, IoU.Low vegetation: 0.1122, IoU.Trees: 0.0439, IoU.Cars: 0.0000, IoU.Clutter: 0.0258, IoU.Background: nan, Acc.Impervious surface: 0.3896, Acc.Buildings: 0.1825, Acc.Low vegetation: 0.1318, Acc.Trees: 0.0459, Acc.Cars: 0.0000, Acc.Clutter: 0.7288, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:33:18,940 - mmseg - INFO - Epoch [128][90/450] lr: 4.087e-03, eta: 6:42:22, time: 1.107, data_time: 0.446, memory: 7603, decode.loss_ce: 0.0861, decode.acc_seg: 96.6737, aux.loss_ce: 0.0606, aux.acc_seg: 94.4688, loss: 0.1467 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:34:29,067 - mmseg - INFO - Epoch [128][180/450] lr: 4.077e-03, eta: 6:41:18, time: 0.779, data_time: 0.102, memory: 7603, decode.loss_ce: 0.0800, decode.acc_seg: 96.8781, aux.loss_ce: 0.0556, aux.acc_seg: 94.8833, loss: 0.1355 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:35:37,413 - mmseg - INFO - Epoch [128][270/450] lr: 4.067e-03, eta: 6:40:12, time: 0.759, data_time: 0.072, memory: 7603, decode.loss_ce: 0.0781, decode.acc_seg: 96.9391, aux.loss_ce: 0.0535, aux.acc_seg: 95.0508, loss: 0.1316 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:36:40,150 - mmseg - INFO - Epoch [128][360/450] lr: 4.057e-03, eta: 6:39:04, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0732, decode.acc_seg: 97.1550, aux.loss_ce: 0.0490, aux.acc_seg: 95.4431, loss: 0.1222 2021-11-27 09:37:43,102 - mmseg - INFO - Saving checkpoint at 57600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 09:37:43,926 - mmseg - INFO - Epoch [128][450/450] lr: 4.047e-03, eta: 6:37:56, time: 0.709, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0728, decode.acc_seg: 97.1809, aux.loss_ce: 0.0503, aux.acc_seg: 95.3897, loss: 0.1231
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1311s, ETA: 0s
2021-11-27 09:59:35,247 - mmseg - INFO - per class results: 2021-11-27 09:59:35,249 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.88 | 33.49 | | Buildings | 15.56 | 18.27 | | Low vegetation | 4.46 | 4.65 | | Trees | 4.69 | 7.64 | | Cars | 0.0 | 0.0 | | Clutter | 2.2 | 59.15 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 09:59:35,249 - mmseg - INFO - Summary: 2021-11-27 09:59:35,250 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 19.6 | 8.47 | 20.53 | +------+------+-------+ 2021-11-27 09:59:35,251 - mmseg - INFO - Epoch(val) [128][255] aAcc: 0.1960, mIoU: 0.0847, mAcc: 0.2053, IoU.Impervious surface: 0.2388, IoU.Buildings: 0.1556, IoU.Low vegetation: 0.0446, IoU.Trees: 0.0469, IoU.Cars: 0.0000, IoU.Clutter: 0.0220, IoU.Background: nan, Acc.Impervious surface: 0.3349, Acc.Buildings: 0.1827, Acc.Low vegetation: 0.0465, Acc.Trees: 0.0764, Acc.Cars: 0.0000, Acc.Clutter: 0.5915, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:01:31,238 - mmseg - INFO - Epoch [129][90/450] lr: 4.038e-03, eta: 6:37:18, time: 1.288, data_time: 0.627, memory: 7603, decode.loss_ce: 0.0706, decode.acc_seg: 97.2353, aux.loss_ce: 0.0471, aux.acc_seg: 95.6245, loss: 0.1177 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:02:47,831 - mmseg - INFO - Epoch [129][180/450] lr: 4.028e-03, eta: 6:36:17, time: 0.851, data_time: 0.177, memory: 7603, decode.loss_ce: 0.0705, decode.acc_seg: 97.2658, aux.loss_ce: 0.0473, aux.acc_seg: 95.6279, loss: 0.1178 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:03:54,098 - mmseg - INFO - Epoch [129][270/450] lr: 4.018e-03, eta: 6:35:10, time: 0.736, data_time: 0.050, memory: 7603, decode.loss_ce: 0.0707, decode.acc_seg: 97.2609, aux.loss_ce: 0.0472, aux.acc_seg: 95.6528, loss: 0.1178 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:05:07,092 - mmseg - INFO - Epoch [129][360/450] lr: 4.008e-03, eta: 6:34:08, time: 0.811, data_time: 0.133, memory: 7603, decode.loss_ce: 0.0682, decode.acc_seg: 97.3453, aux.loss_ce: 0.0463, aux.acc_seg: 95.6961, loss: 0.1145 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:06:12,802 - mmseg - INFO - Epoch [129][450/450] lr: 3.998e-03, eta: 6:33:01, time: 0.730, data_time: 0.041, memory: 7603, decode.loss_ce: 0.0695, decode.acc_seg: 97.3083, aux.loss_ce: 0.0476, aux.acc_seg: 95.6134, loss: 0.1171
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1147s, ETA: 0s
2021-11-27 10:25:20,003 - mmseg - INFO - per class results: 2021-11-27 10:25:20,004 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.41 | 30.08 | | Buildings | 5.99 | 6.26 | | Low vegetation | 5.92 | 6.36 | | Trees | 7.16 | 7.87 | | Cars | 0.0 | 0.0 | | Clutter | 3.25 | 82.07 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 10:25:20,005 - mmseg - INFO - Summary: 2021-11-27 10:25:20,005 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 15.4 | 7.62 | 22.11 | +------+------+-------+ 2021-11-27 10:25:20,007 - mmseg - INFO - Epoch(val) [129][255] aAcc: 0.1540, mIoU: 0.0762, mAcc: 0.2211, IoU.Impervious surface: 0.2341, IoU.Buildings: 0.0599, IoU.Low vegetation: 0.0592, IoU.Trees: 0.0716, IoU.Cars: 0.0000, IoU.Clutter: 0.0325, IoU.Background: nan, Acc.Impervious surface: 0.3008, Acc.Buildings: 0.0626, Acc.Low vegetation: 0.0636, Acc.Trees: 0.0787, Acc.Cars: 0.0000, Acc.Clutter: 0.8207, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:26:52,948 - mmseg - INFO - Epoch [130][90/450] lr: 3.988e-03, eta: 6:32:09, time: 1.032, data_time: 0.369, memory: 7603, decode.loss_ce: 0.0708, decode.acc_seg: 97.2408, aux.loss_ce: 0.0492, aux.acc_seg: 95.4354, loss: 0.1200 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:27:57,644 - mmseg - INFO - Epoch [130][180/450] lr: 3.978e-03, eta: 6:31:02, time: 0.719, data_time: 0.035, memory: 7603, decode.loss_ce: 0.0679, decode.acc_seg: 97.3597, aux.loss_ce: 0.0455, aux.acc_seg: 95.8018, loss: 0.1134 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:29:00,288 - mmseg - INFO - Epoch [130][270/450] lr: 3.968e-03, eta: 6:29:53, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0714, decode.acc_seg: 97.2303, aux.loss_ce: 0.0476, aux.acc_seg: 95.6110, loss: 0.1191 2021-11-27 10:29:56,054 - mmseg - INFO - Saving checkpoint at 58400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:30:04,025 - mmseg - INFO - Epoch [130][360/450] lr: 3.959e-03, eta: 6:28:45, time: 0.708, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0694, decode.acc_seg: 97.2867, aux.loss_ce: 0.0473, aux.acc_seg: 95.5834, loss: 0.1167 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:31:07,058 - mmseg - INFO - Epoch [130][450/450] lr: 3.949e-03, eta: 6:27:37, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0671, decode.acc_seg: 97.4005, aux.loss_ce: 0.0442, aux.acc_seg: 95.9355, loss: 0.1113
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1193s, ETA: 0s
2021-11-27 10:50:59,808 - mmseg - INFO - per class results: 2021-11-27 10:50:59,809 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 30.23 | 43.2 | | Buildings | 28.74 | 40.77 | | Low vegetation | 8.34 | 9.13 | | Trees | 9.9 | 13.3 | | Cars | 0.0 | 0.0 | | Clutter | 2.29 | 47.47 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 10:50:59,810 - mmseg - INFO - Summary: 2021-11-27 10:50:59,811 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 31.33 | 13.25 | 25.65 | +-------+-------+-------+ 2021-11-27 10:50:59,812 - mmseg - INFO - Epoch(val) [130][255] aAcc: 0.3133, mIoU: 0.1325, mAcc: 0.2565, IoU.Impervious surface: 0.3023, IoU.Buildings: 0.2874, IoU.Low vegetation: 0.0834, IoU.Trees: 0.0990, IoU.Cars: 0.0000, IoU.Clutter: 0.0229, IoU.Background: nan, Acc.Impervious surface: 0.4320, Acc.Buildings: 0.4077, Acc.Low vegetation: 0.0913, Acc.Trees: 0.1330, Acc.Cars: 0.0000, Acc.Clutter: 0.4747, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:52:42,476 - mmseg - INFO - Epoch [131][90/450] lr: 3.939e-03, eta: 6:26:50, time: 1.140, data_time: 0.473, memory: 7603, decode.loss_ce: 0.0885, decode.acc_seg: 96.6294, aux.loss_ce: 0.0594, aux.acc_seg: 94.5544, loss: 0.1478 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:53:44,608 - mmseg - INFO - Epoch [131][180/450] lr: 3.929e-03, eta: 6:25:41, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0761, decode.acc_seg: 97.0843, aux.loss_ce: 0.0526, aux.acc_seg: 95.1867, loss: 0.1287 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:54:47,247 - mmseg - INFO - Epoch [131][270/450] lr: 3.919e-03, eta: 6:24:32, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0809, decode.acc_seg: 96.8875, aux.loss_ce: 0.0605, aux.acc_seg: 94.5177, loss: 0.1413 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:55:50,044 - mmseg - INFO - Epoch [131][360/450] lr: 3.909e-03, eta: 6:23:24, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0766, decode.acc_seg: 96.9876, aux.loss_ce: 0.0518, aux.acc_seg: 95.1788, loss: 0.1285 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 10:56:53,065 - mmseg - INFO - Epoch [131][450/450] lr: 3.899e-03, eta: 6:22:16, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0759, decode.acc_seg: 97.0463, aux.loss_ce: 0.0513, aux.acc_seg: 95.2965, loss: 0.1271
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1321s, ETA: 0s
2021-11-27 11:18:54,303 - mmseg - INFO - per class results: 2021-11-27 11:18:54,304 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.79 | 18.69 | | Buildings | 12.95 | 15.83 | | Low vegetation | 25.7 | 34.98 | | Trees | 6.8 | 7.42 | | Cars | 0.03 | 0.03 | | Clutter | 2.43 | 70.16 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 11:18:54,305 - mmseg - INFO - Summary: 2021-11-27 11:18:54,305 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 20.14 | 10.95 | 24.52 | +-------+-------+-------+ 2021-11-27 11:18:54,308 - mmseg - INFO - Epoch(val) [131][255] aAcc: 0.2014, mIoU: 0.1095, mAcc: 0.2452, IoU.Impervious surface: 0.1779, IoU.Buildings: 0.1295, IoU.Low vegetation: 0.2570, IoU.Trees: 0.0680, IoU.Cars: 0.0003, IoU.Clutter: 0.0243, IoU.Background: nan, Acc.Impervious surface: 0.1869, Acc.Buildings: 0.1583, Acc.Low vegetation: 0.3498, Acc.Trees: 0.0742, Acc.Cars: 0.0003, Acc.Clutter: 0.7016, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:20:36,551 - mmseg - INFO - Epoch [132][90/450] lr: 3.889e-03, eta: 6:21:28, time: 1.135, data_time: 0.473, memory: 7603, decode.loss_ce: 0.0711, decode.acc_seg: 97.2377, aux.loss_ce: 0.0486, aux.acc_seg: 95.5342, loss: 0.1197 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:21:39,297 - mmseg - INFO - Epoch [132][180/450] lr: 3.879e-03, eta: 6:20:19, time: 0.697, data_time: 0.012, memory: 7603, decode.loss_ce: 0.0760, decode.acc_seg: 97.0674, aux.loss_ce: 0.0524, aux.acc_seg: 95.1961, loss: 0.1283 2021-11-27 11:22:28,169 - mmseg - INFO - Saving checkpoint at 59200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:22:43,185 - mmseg - INFO - Epoch [132][270/450] lr: 3.869e-03, eta: 6:19:11, time: 0.710, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0679, decode.acc_seg: 97.3548, aux.loss_ce: 0.0478, aux.acc_seg: 95.6736, loss: 0.1157 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:23:45,775 - mmseg - INFO - Epoch [132][360/450] lr: 3.859e-03, eta: 6:18:03, time: 0.695, data_time: 0.005, memory: 7603, decode.loss_ce: 0.0709, decode.acc_seg: 97.2543, aux.loss_ce: 0.0490, aux.acc_seg: 95.4971, loss: 0.1200 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:24:48,507 - mmseg - INFO - Epoch [132][450/450] lr: 3.850e-03, eta: 6:16:54, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0685, decode.acc_seg: 97.3227, aux.loss_ce: 0.0469, aux.acc_seg: 95.6574, loss: 0.1155
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1206s, ETA: 0s
2021-11-27 11:44:54,544 - mmseg - INFO - per class results: 2021-11-27 11:44:54,546 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 35.13 | 45.93 | | Buildings | 41.48 | 57.42 | | Low vegetation | 10.08 | 11.32 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.56 | 54.67 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 11:44:54,546 - mmseg - INFO - Summary: 2021-11-27 11:44:54,547 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 36.53 | 14.87 | 28.22 | +-------+-------+-------+ 2021-11-27 11:44:54,549 - mmseg - INFO - Epoch(val) [132][255] aAcc: 0.3653, mIoU: 0.1487, mAcc: 0.2822, IoU.Impervious surface: 0.3513, IoU.Buildings: 0.4148, IoU.Low vegetation: 0.1008, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0256, IoU.Background: nan, Acc.Impervious surface: 0.4593, Acc.Buildings: 0.5742, Acc.Low vegetation: 0.1132, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.5467, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:46:25,339 - mmseg - INFO - Epoch [133][90/450] lr: 3.840e-03, eta: 6:16:00, time: 1.008, data_time: 0.338, memory: 7603, decode.loss_ce: 0.0710, decode.acc_seg: 97.2563, aux.loss_ce: 0.0474, aux.acc_seg: 95.6480, loss: 0.1184 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:47:27,512 - mmseg - INFO - Epoch [133][180/450] lr: 3.830e-03, eta: 6:14:51, time: 0.691, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0692, decode.acc_seg: 97.3065, aux.loss_ce: 0.0461, aux.acc_seg: 95.7109, loss: 0.1154 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:48:30,461 - mmseg - INFO - Epoch [133][270/450] lr: 3.820e-03, eta: 6:13:43, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0651, decode.acc_seg: 97.4699, aux.loss_ce: 0.0443, aux.acc_seg: 95.9067, loss: 0.1094 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:49:33,223 - mmseg - INFO - Epoch [133][360/450] lr: 3.810e-03, eta: 6:12:35, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0672, decode.acc_seg: 97.3952, aux.loss_ce: 0.0445, aux.acc_seg: 95.8577, loss: 0.1117 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 11:50:36,015 - mmseg - INFO - Epoch [133][450/450] lr: 3.800e-03, eta: 6:11:26, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0652, decode.acc_seg: 97.4597, aux.loss_ce: 0.0439, aux.acc_seg: 95.9422, loss: 0.1091
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1166s, ETA: 0s
2021-11-27 12:10:01,875 - mmseg - INFO - per class results: 2021-11-27 12:10:01,877 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 19.05 | 24.41 | | Buildings | 17.35 | 20.16 | | Low vegetation | 16.66 | 26.62 | | Trees | 4.07 | 4.96 | | Cars | 0.05 | 0.05 | | Clutter | 2.45 | 61.32 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 12:10:01,878 - mmseg - INFO - Summary: 2021-11-27 12:10:01,879 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 21.31 | 9.94 | 22.92 | +-------+------+-------+ 2021-11-27 12:10:01,880 - mmseg - INFO - Epoch(val) [133][255] aAcc: 0.2131, mIoU: 0.0994, mAcc: 0.2292, IoU.Impervious surface: 0.1905, IoU.Buildings: 0.1735, IoU.Low vegetation: 0.1666, IoU.Trees: 0.0407, IoU.Cars: 0.0005, IoU.Clutter: 0.0245, IoU.Background: nan, Acc.Impervious surface: 0.2441, Acc.Buildings: 0.2016, Acc.Low vegetation: 0.2662, Acc.Trees: 0.0496, Acc.Cars: 0.0005, Acc.Clutter: 0.6132, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:12:52,996 - mmseg - INFO - Epoch [134][90/450] lr: 3.790e-03, eta: 6:11:12, time: 1.900, data_time: 1.237, memory: 7603, decode.loss_ce: 0.0630, decode.acc_seg: 97.5385, aux.loss_ce: 0.0424, aux.acc_seg: 96.0614, loss: 0.1054 2021-11-27 12:13:33,743 - mmseg - INFO - Saving checkpoint at 60000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:13:55,323 - mmseg - INFO - Epoch [134][180/450] lr: 3.780e-03, eta: 6:10:03, time: 0.693, data_time: 0.005, memory: 7603, decode.loss_ce: 0.0671, decode.acc_seg: 97.3764, aux.loss_ce: 0.0460, aux.acc_seg: 95.7128, loss: 0.1131 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:14:57,803 - mmseg - INFO - Epoch [134][270/450] lr: 3.770e-03, eta: 6:08:54, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0644, decode.acc_seg: 97.5041, aux.loss_ce: 0.0438, aux.acc_seg: 95.9521, loss: 0.1082 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:16:00,527 - mmseg - INFO - Epoch [134][360/450] lr: 3.760e-03, eta: 6:07:46, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0654, decode.acc_seg: 97.4530, aux.loss_ce: 0.0446, aux.acc_seg: 95.8440, loss: 0.1099 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:18:15,414 - mmseg - INFO - Epoch [134][450/450] lr: 3.750e-03, eta: 6:07:13, time: 1.499, data_time: 0.822, memory: 7603, decode.loss_ce: 0.0626, decode.acc_seg: 97.5418, aux.loss_ce: 0.0423, aux.acc_seg: 96.0535, loss: 0.1049
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1149s, ETA: 0s
2021-11-27 12:37:25,019 - mmseg - INFO - per class results: 2021-11-27 12:37:25,021 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.3 | 20.47 | | Buildings | 9.97 | 11.05 | | Low vegetation | 10.55 | 12.08 | | Trees | 4.05 | 4.17 | | Cars | 0.05 | 0.05 | | Clutter | 2.94 | 84.34 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 12:37:25,021 - mmseg - INFO - Summary: 2021-11-27 12:37:25,022 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.52 | 7.64 | 22.03 | +-------+------+-------+ 2021-11-27 12:37:25,024 - mmseg - INFO - Epoch(val) [134][255] aAcc: 0.1452, mIoU: 0.0764, mAcc: 0.2203, IoU.Impervious surface: 0.1830, IoU.Buildings: 0.0997, IoU.Low vegetation: 0.1055, IoU.Trees: 0.0405, IoU.Cars: 0.0005, IoU.Clutter: 0.0294, IoU.Background: nan, Acc.Impervious surface: 0.2047, Acc.Buildings: 0.1105, Acc.Low vegetation: 0.1208, Acc.Trees: 0.0417, Acc.Cars: 0.0005, Acc.Clutter: 0.8434, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:39:24,499 - mmseg - INFO - Epoch [135][90/450] lr: 3.740e-03, eta: 6:06:32, time: 1.327, data_time: 0.665, memory: 7603, decode.loss_ce: 0.0624, decode.acc_seg: 97.5662, aux.loss_ce: 0.0417, aux.acc_seg: 96.0958, loss: 0.1042 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:40:26,353 - mmseg - INFO - Epoch [135][180/450] lr: 3.730e-03, eta: 6:05:22, time: 0.687, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0637, decode.acc_seg: 97.4986, aux.loss_ce: 0.0427, aux.acc_seg: 96.0112, loss: 0.1065 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:41:28,987 - mmseg - INFO - Epoch [135][270/450] lr: 3.720e-03, eta: 6:04:14, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0624, decode.acc_seg: 97.5567, aux.loss_ce: 0.0417, aux.acc_seg: 96.1286, loss: 0.1041 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:42:31,696 - mmseg - INFO - Epoch [135][360/450] lr: 3.710e-03, eta: 6:03:05, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0599, decode.acc_seg: 97.6458, aux.loss_ce: 0.0397, aux.acc_seg: 96.2852, loss: 0.0996 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 12:43:34,916 - mmseg - INFO - Epoch [135][450/450] lr: 3.700e-03, eta: 6:01:56, time: 0.702, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0949, decode.acc_seg: 96.4367, aux.loss_ce: 0.0641, aux.acc_seg: 94.1860, loss: 0.1590
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1112s, ETA: 0s
2021-11-27 13:02:07,110 - mmseg - INFO - per class results: 2021-11-27 13:02:07,111 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 1.81 | 1.81 | | Buildings | 2.24 | 2.37 | | Low vegetation | 0.11 | 0.11 | | Trees | 0.0 | 0.0 | | Cars | 0.0 | 0.0 | | Clutter | 3.47 | 99.14 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-27 13:02:07,112 - mmseg - INFO - Summary: 2021-11-27 13:02:07,113 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 3.03 | 1.27 | 17.24 | +------+------+-------+ 2021-11-27 13:02:07,114 - mmseg - INFO - Epoch(val) [135][255] aAcc: 0.0303, mIoU: 0.0127, mAcc: 0.1724, IoU.Impervious surface: 0.0181, IoU.Buildings: 0.0224, IoU.Low vegetation: 0.0011, IoU.Trees: 0.0000, IoU.Cars: 0.0000, IoU.Clutter: 0.0347, IoU.Background: nan, Acc.Impervious surface: 0.0181, Acc.Buildings: 0.0237, Acc.Low vegetation: 0.0011, Acc.Trees: 0.0000, Acc.Cars: 0.0000, Acc.Clutter: 0.9914, Acc.Background: nan 2021-11-27 13:03:06,311 - mmseg - INFO - Saving checkpoint at 60800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:03:34,753 - mmseg - INFO - Epoch [136][90/450] lr: 3.690e-03, eta: 6:00:59, time: 0.973, data_time: 0.295, memory: 7603, decode.loss_ce: 0.0701, decode.acc_seg: 97.2510, aux.loss_ce: 0.0478, aux.acc_seg: 95.5557, loss: 0.1179 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:04:37,145 - mmseg - INFO - Epoch [136][180/450] lr: 3.680e-03, eta: 5:59:50, time: 0.693, data_time: 0.005, memory: 7603, decode.loss_ce: 0.1182, decode.acc_seg: 95.7151, aux.loss_ce: 0.0753, aux.acc_seg: 93.2368, loss: 0.1936 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:05:39,847 - mmseg - INFO - Epoch [136][270/450] lr: 3.670e-03, eta: 5:58:42, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0943, decode.acc_seg: 96.4310, aux.loss_ce: 0.0655, aux.acc_seg: 94.0368, loss: 0.1598 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:06:42,551 - mmseg - INFO - Epoch [136][360/450] lr: 3.660e-03, eta: 5:57:33, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0732, decode.acc_seg: 97.1510, aux.loss_ce: 0.0496, aux.acc_seg: 95.4221, loss: 0.1229 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:07:45,837 - mmseg - INFO - Epoch [136][450/450] lr: 3.650e-03, eta: 5:56:24, time: 0.703, data_time: 0.011, memory: 7603, decode.loss_ce: 0.0769, decode.acc_seg: 97.0332, aux.loss_ce: 0.0569, aux.acc_seg: 94.8295, loss: 0.1338
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1145s, ETA: 0s
2021-11-27 13:26:50,896 - mmseg - INFO - per class results: 2021-11-27 13:26:50,898 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.35 | 3.35 | | Buildings | 20.99 | 27.68 | | Low vegetation | 11.11 | 12.65 | | Trees | 12.36 | 34.12 | | Cars | 0.0 | 0.0 | | Clutter | 1.39 | 39.6 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 13:26:50,899 - mmseg - INFO - Summary: 2021-11-27 13:26:50,903 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 17.13 | 8.2 | 19.57 | +-------+------+-------+ 2021-11-27 13:26:50,905 - mmseg - INFO - Epoch(val) [136][255] aAcc: 0.1713, mIoU: 0.0820, mAcc: 0.1957, IoU.Impervious surface: 0.0335, IoU.Buildings: 0.2099, IoU.Low vegetation: 0.1111, IoU.Trees: 0.1236, IoU.Cars: 0.0000, IoU.Clutter: 0.0139, IoU.Background: nan, Acc.Impervious surface: 0.0335, Acc.Buildings: 0.2768, Acc.Low vegetation: 0.1265, Acc.Trees: 0.3412, Acc.Cars: 0.0000, Acc.Clutter: 0.3960, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:29:01,927 - mmseg - INFO - Epoch [137][90/450] lr: 3.640e-03, eta: 5:55:47, time: 1.455, data_time: 0.789, memory: 7603, decode.loss_ce: 0.0740, decode.acc_seg: 97.1498, aux.loss_ce: 0.0505, aux.acc_seg: 95.3448, loss: 0.1245 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:30:03,523 - mmseg - INFO - Epoch [137][180/450] lr: 3.630e-03, eta: 5:54:38, time: 0.684, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0816, decode.acc_seg: 96.8869, aux.loss_ce: 0.0551, aux.acc_seg: 94.9587, loss: 0.1367 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:31:06,544 - mmseg - INFO - Epoch [137][270/450] lr: 3.620e-03, eta: 5:53:29, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0732, decode.acc_seg: 97.1578, aux.loss_ce: 0.0504, aux.acc_seg: 95.3477, loss: 0.1235 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:32:09,202 - mmseg - INFO - Epoch [137][360/450] lr: 3.610e-03, eta: 5:52:20, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0736, decode.acc_seg: 97.1471, aux.loss_ce: 0.0500, aux.acc_seg: 95.3809, loss: 0.1236 2021-11-27 13:32:37,058 - mmseg - INFO - Saving checkpoint at 61600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:33:12,805 - mmseg - INFO - Epoch [137][450/450] lr: 3.600e-03, eta: 5:51:12, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0686, decode.acc_seg: 97.3419, aux.loss_ce: 0.0515, aux.acc_seg: 95.2955, loss: 0.1201
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1160s, ETA: 0s
2021-11-27 13:52:33,408 - mmseg - INFO - per class results: 2021-11-27 13:52:33,410 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.48 | 12.12 | | Buildings | 16.36 | 21.46 | | Low vegetation | 22.9 | 30.39 | | Trees | 9.77 | 13.79 | | Cars | 0.0 | 0.0 | | Clutter | 2.41 | 59.59 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 13:52:33,410 - mmseg - INFO - Summary: 2021-11-27 13:52:33,411 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 19.45 | 10.32 | 22.89 | +-------+-------+-------+ 2021-11-27 13:52:33,413 - mmseg - INFO - Epoch(val) [137][255] aAcc: 0.1945, mIoU: 0.1032, mAcc: 0.2289, IoU.Impervious surface: 0.1048, IoU.Buildings: 0.1636, IoU.Low vegetation: 0.2290, IoU.Trees: 0.0977, IoU.Cars: 0.0000, IoU.Clutter: 0.0241, IoU.Background: nan, Acc.Impervious surface: 0.1212, Acc.Buildings: 0.2146, Acc.Low vegetation: 0.3039, Acc.Trees: 0.1379, Acc.Cars: 0.0000, Acc.Clutter: 0.5959, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:54:14,871 - mmseg - INFO - Epoch [138][90/450] lr: 3.590e-03, eta: 5:50:21, time: 1.126, data_time: 0.467, memory: 7603, decode.loss_ce: 0.0638, decode.acc_seg: 97.5161, aux.loss_ce: 0.0454, aux.acc_seg: 95.8271, loss: 0.1093 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:55:17,701 - mmseg - INFO - Epoch [138][180/450] lr: 3.580e-03, eta: 5:49:12, time: 0.698, data_time: 0.013, memory: 7603, decode.loss_ce: 0.0681, decode.acc_seg: 97.3623, aux.loss_ce: 0.0472, aux.acc_seg: 95.6471, loss: 0.1153 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:56:20,323 - mmseg - INFO - Epoch [138][270/450] lr: 3.570e-03, eta: 5:48:03, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0644, decode.acc_seg: 97.4889, aux.loss_ce: 0.0431, aux.acc_seg: 96.0257, loss: 0.1076 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:57:22,965 - mmseg - INFO - Epoch [138][360/450] lr: 3.560e-03, eta: 5:46:54, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0815, decode.acc_seg: 96.8338, aux.loss_ce: 0.0611, aux.acc_seg: 94.4754, loss: 0.1426 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 13:58:25,985 - mmseg - INFO - Epoch [138][450/450] lr: 3.550e-03, eta: 5:45:46, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0752, decode.acc_seg: 97.1157, aux.loss_ce: 0.0508, aux.acc_seg: 95.3422, loss: 0.1259
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1128s, ETA: 0s
2021-11-27 14:17:13,732 - mmseg - INFO - per class results: 2021-11-27 14:17:13,734 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 7.24 | 7.45 | | Buildings | 12.32 | 14.88 | | Low vegetation | 4.91 | 5.14 | | Trees | 0.47 | 0.48 | | Cars | 0.0 | 0.0 | | Clutter | 3.04 | 87.23 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 14:17:13,734 - mmseg - INFO - Summary: 2021-11-27 14:17:13,735 - mmseg - INFO - +------+------+------+ | aAcc | mIoU | mAcc | +------+------+------+ | 9.73 | 4.67 | 19.2 | +------+------+------+ 2021-11-27 14:17:13,736 - mmseg - INFO - Epoch(val) [138][255] aAcc: 0.0973, mIoU: 0.0467, mAcc: 0.1920, IoU.Impervious surface: 0.0724, IoU.Buildings: 0.1232, IoU.Low vegetation: 0.0491, IoU.Trees: 0.0047, IoU.Cars: 0.0000, IoU.Clutter: 0.0304, IoU.Background: nan, Acc.Impervious surface: 0.0745, Acc.Buildings: 0.1488, Acc.Low vegetation: 0.0514, Acc.Trees: 0.0048, Acc.Cars: 0.0000, Acc.Clutter: 0.8723, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:18:40,982 - mmseg - INFO - Epoch [139][90/450] lr: 3.540e-03, eta: 5:44:48, time: 0.968, data_time: 0.295, memory: 7603, decode.loss_ce: 0.0711, decode.acc_seg: 97.2352, aux.loss_ce: 0.0482, aux.acc_seg: 95.5404, loss: 0.1193 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:19:43,109 - mmseg - INFO - Epoch [139][180/450] lr: 3.530e-03, eta: 5:43:39, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0708, decode.acc_seg: 97.2329, aux.loss_ce: 0.0477, aux.acc_seg: 95.5814, loss: 0.1186 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:20:46,121 - mmseg - INFO - Epoch [139][270/450] lr: 3.520e-03, eta: 5:42:30, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0674, decode.acc_seg: 97.3791, aux.loss_ce: 0.0465, aux.acc_seg: 95.6824, loss: 0.1139 2021-11-27 14:21:06,863 - mmseg - INFO - Saving checkpoint at 62400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:21:49,793 - mmseg - INFO - Epoch [139][360/450] lr: 3.510e-03, eta: 5:41:22, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1164, decode.acc_seg: 95.9273, aux.loss_ce: 0.0758, aux.acc_seg: 93.4568, loss: 0.1921 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:22:52,596 - mmseg - INFO - Epoch [139][450/450] lr: 3.500e-03, eta: 5:40:13, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1316, decode.acc_seg: 95.0704, aux.loss_ce: 0.0841, aux.acc_seg: 92.3634, loss: 0.2157
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1215s, ETA: 0s
2021-11-27 14:43:07,264 - mmseg - INFO - per class results: 2021-11-27 14:43:07,266 - mmseg - INFO - +--------------------+------+-------+ | Class | IoU | Acc | +--------------------+------+-------+ | Impervious surface | 5.04 | 6.53 | | Buildings | 6.01 | 6.66 | | Low vegetation | 6.67 | 6.97 | | Trees | 0.08 | 0.08 | | Cars | 0.05 | 0.05 | | Clutter | 3.45 | 93.01 | | Background | nan | nan | +--------------------+------+-------+ 2021-11-27 14:43:07,266 - mmseg - INFO - Summary: 2021-11-27 14:43:07,267 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 7.21 | 3.55 | 18.89 | +------+------+-------+ 2021-11-27 14:43:07,269 - mmseg - INFO - Epoch(val) [139][255] aAcc: 0.0721, mIoU: 0.0355, mAcc: 0.1889, IoU.Impervious surface: 0.0504, IoU.Buildings: 0.0601, IoU.Low vegetation: 0.0667, IoU.Trees: 0.0008, IoU.Cars: 0.0005, IoU.Clutter: 0.0345, IoU.Background: nan, Acc.Impervious surface: 0.0653, Acc.Buildings: 0.0666, Acc.Low vegetation: 0.0697, Acc.Trees: 0.0008, Acc.Cars: 0.0005, Acc.Clutter: 0.9301, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:45:52,199 - mmseg - INFO - Epoch [140][90/450] lr: 3.490e-03, eta: 5:39:49, time: 1.832, data_time: 1.160, memory: 7603, decode.loss_ce: 0.0831, decode.acc_seg: 96.8240, aux.loss_ce: 0.0553, aux.acc_seg: 94.9680, loss: 0.1384 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:46:54,117 - mmseg - INFO - Epoch [140][180/450] lr: 3.480e-03, eta: 5:38:39, time: 0.688, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0733, decode.acc_seg: 97.1696, aux.loss_ce: 0.0494, aux.acc_seg: 95.4333, loss: 0.1227 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:47:56,843 - mmseg - INFO - Epoch [140][270/450] lr: 3.470e-03, eta: 5:37:30, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0758, decode.acc_seg: 97.0605, aux.loss_ce: 0.0547, aux.acc_seg: 95.0171, loss: 0.1305 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:48:59,269 - mmseg - INFO - Epoch [140][360/450] lr: 3.460e-03, eta: 5:36:21, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0678, decode.acc_seg: 97.3791, aux.loss_ce: 0.0461, aux.acc_seg: 95.7279, loss: 0.1139 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 14:50:02,090 - mmseg - INFO - Epoch [140][450/450] lr: 3.450e-03, eta: 5:35:12, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0695, decode.acc_seg: 97.3331, aux.loss_ce: 0.0491, aux.acc_seg: 95.5567, loss: 0.1186
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1164s, ETA: 0s
2021-11-27 15:09:26,120 - mmseg - INFO - per class results: 2021-11-27 15:09:26,121 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 26.44 | 35.67 | | Buildings | 15.04 | 18.05 | | Low vegetation | 9.35 | 10.25 | | Trees | 9.04 | 14.46 | | Cars | 0.0 | 0.0 | | Clutter | 2.83 | 66.81 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 15:09:26,122 - mmseg - INFO - Summary: 2021-11-27 15:09:26,123 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 22.28 | 10.45 | 24.21 | +-------+-------+-------+ 2021-11-27 15:09:26,125 - mmseg - INFO - Epoch(val) [140][255] aAcc: 0.2228, mIoU: 0.1045, mAcc: 0.2421, IoU.Impervious surface: 0.2644, IoU.Buildings: 0.1504, IoU.Low vegetation: 0.0935, IoU.Trees: 0.0904, IoU.Cars: 0.0000, IoU.Clutter: 0.0283, IoU.Background: nan, Acc.Impervious surface: 0.3567, Acc.Buildings: 0.1805, Acc.Low vegetation: 0.1025, Acc.Trees: 0.1446, Acc.Cars: 0.0000, Acc.Clutter: 0.6681, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:11:09,454 - mmseg - INFO - Epoch [141][90/450] lr: 3.440e-03, eta: 5:34:21, time: 1.147, data_time: 0.482, memory: 7603, decode.loss_ce: 0.0726, decode.acc_seg: 97.1724, aux.loss_ce: 0.0526, aux.acc_seg: 95.1668, loss: 0.1252 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:12:11,495 - mmseg - INFO - Epoch [141][180/450] lr: 3.430e-03, eta: 5:33:12, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0676, decode.acc_seg: 97.3793, aux.loss_ce: 0.0467, aux.acc_seg: 95.6986, loss: 0.1143 2021-11-27 15:12:25,119 - mmseg - INFO - Saving checkpoint at 63200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:13:14,896 - mmseg - INFO - Epoch [141][270/450] lr: 3.420e-03, eta: 5:32:03, time: 0.704, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0657, decode.acc_seg: 97.4526, aux.loss_ce: 0.0445, aux.acc_seg: 95.8879, loss: 0.1102 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:14:17,589 - mmseg - INFO - Epoch [141][360/450] lr: 3.410e-03, eta: 5:30:54, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0674, decode.acc_seg: 97.3863, aux.loss_ce: 0.0451, aux.acc_seg: 95.8293, loss: 0.1124 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:15:20,507 - mmseg - INFO - Epoch [141][450/450] lr: 3.400e-03, eta: 5:29:45, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0692, decode.acc_seg: 97.3603, aux.loss_ce: 0.0459, aux.acc_seg: 95.8036, loss: 0.1151
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1167s, ETA: 0s
2021-11-27 15:34:48,111 - mmseg - INFO - per class results: 2021-11-27 15:34:48,116 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.18 | 18.3 | | Buildings | 22.57 | 34.02 | | Low vegetation | 14.61 | 17.65 | | Trees | 7.24 | 11.03 | | Cars | 0.0 | 0.0 | | Clutter | 2.33 | 57.85 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 15:34:48,117 - mmseg - INFO - Summary: 2021-11-27 15:34:48,118 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 22.61 | 10.32 | 23.14 | +-------+-------+-------+ 2021-11-27 15:34:48,120 - mmseg - INFO - Epoch(val) [141][255] aAcc: 0.2261, mIoU: 0.1032, mAcc: 0.2314, IoU.Impervious surface: 0.1518, IoU.Buildings: 0.2257, IoU.Low vegetation: 0.1461, IoU.Trees: 0.0724, IoU.Cars: 0.0000, IoU.Clutter: 0.0233, IoU.Background: nan, Acc.Impervious surface: 0.1830, Acc.Buildings: 0.3402, Acc.Low vegetation: 0.1765, Acc.Trees: 0.1103, Acc.Cars: 0.0000, Acc.Clutter: 0.5785, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:37:01,833 - mmseg - INFO - Epoch [142][90/450] lr: 3.390e-03, eta: 5:29:06, time: 1.485, data_time: 0.811, memory: 7603, decode.loss_ce: 0.0628, decode.acc_seg: 97.5559, aux.loss_ce: 0.0433, aux.acc_seg: 95.9809, loss: 0.1061 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:38:03,848 - mmseg - INFO - Epoch [142][180/450] lr: 3.380e-03, eta: 5:27:57, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0629, decode.acc_seg: 97.5556, aux.loss_ce: 0.0433, aux.acc_seg: 95.9625, loss: 0.1062 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:39:06,331 - mmseg - INFO - Epoch [142][270/450] lr: 3.370e-03, eta: 5:26:48, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0662, decode.acc_seg: 97.4269, aux.loss_ce: 0.0437, aux.acc_seg: 95.9439, loss: 0.1099 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:40:08,718 - mmseg - INFO - Epoch [142][360/450] lr: 3.360e-03, eta: 5:25:38, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0628, decode.acc_seg: 97.5551, aux.loss_ce: 0.0437, aux.acc_seg: 95.9803, loss: 0.1065 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 15:41:11,718 - mmseg - INFO - Epoch [142][450/450] lr: 3.349e-03, eta: 5:24:30, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0628, decode.acc_seg: 97.5503, aux.loss_ce: 0.0420, aux.acc_seg: 96.1101, loss: 0.1048
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1175s, ETA: 0s
2021-11-27 16:00:47,214 - mmseg - INFO - per class results: 2021-11-27 16:00:47,216 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.61 | 16.71 | | Buildings | 32.4 | 48.06 | | Low vegetation | 15.56 | 18.8 | | Trees | 10.8 | 18.21 | | Cars | 0.0 | 0.0 | | Clutter | 1.95 | 46.75 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 16:00:47,217 - mmseg - INFO - Summary: 2021-11-27 16:00:47,218 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 27.47 | 12.72 | 24.76 | +-------+-------+-------+ 2021-11-27 16:00:47,219 - mmseg - INFO - Epoch(val) [142][255] aAcc: 0.2747, mIoU: 0.1272, mAcc: 0.2476, IoU.Impervious surface: 0.1561, IoU.Buildings: 0.3240, IoU.Low vegetation: 0.1556, IoU.Trees: 0.1080, IoU.Cars: 0.0000, IoU.Clutter: 0.0195, IoU.Background: nan, Acc.Impervious surface: 0.1671, Acc.Buildings: 0.4806, Acc.Low vegetation: 0.1880, Acc.Trees: 0.1821, Acc.Cars: 0.0000, Acc.Clutter: 0.4675, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:02:24,017 - mmseg - INFO - Epoch [143][90/450] lr: 3.339e-03, eta: 5:23:34, time: 1.075, data_time: 0.411, memory: 7603, decode.loss_ce: 0.0593, decode.acc_seg: 97.6840, aux.loss_ce: 0.0416, aux.acc_seg: 96.1178, loss: 0.1009 2021-11-27 16:02:30,679 - mmseg - INFO - Saving checkpoint at 64000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:03:26,656 - mmseg - INFO - Epoch [143][180/450] lr: 3.329e-03, eta: 5:22:25, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0598, decode.acc_seg: 97.6670, aux.loss_ce: 0.0404, aux.acc_seg: 96.2364, loss: 0.1002 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:04:29,192 - mmseg - INFO - Epoch [143][270/450] lr: 3.319e-03, eta: 5:21:16, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0602, decode.acc_seg: 97.6451, aux.loss_ce: 0.0412, aux.acc_seg: 96.1516, loss: 0.1014 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:05:33,856 - mmseg - INFO - Epoch [143][360/450] lr: 3.309e-03, eta: 5:20:08, time: 0.719, data_time: 0.032, memory: 7603, decode.loss_ce: 0.0612, decode.acc_seg: 97.5925, aux.loss_ce: 0.0412, aux.acc_seg: 96.1707, loss: 0.1024 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:06:36,741 - mmseg - INFO - Epoch [143][450/450] lr: 3.299e-03, eta: 5:18:59, time: 0.699, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0596, decode.acc_seg: 97.6680, aux.loss_ce: 0.0403, aux.acc_seg: 96.2130, loss: 0.0999
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1199s, ETA: 0s
2021-11-27 16:26:35,798 - mmseg - INFO - per class results: 2021-11-27 16:26:35,799 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 21.16 | 27.77 | | Buildings | 45.01 | 65.59 | | Low vegetation | 14.05 | 16.72 | | Trees | 8.77 | 10.79 | | Cars | 0.0 | 0.0 | | Clutter | 2.46 | 40.34 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 16:26:35,800 - mmseg - INFO - Summary: 2021-11-27 16:26:35,801 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 35.3 | 15.24 | 26.87 | +------+-------+-------+ 2021-11-27 16:26:35,802 - mmseg - INFO - Epoch(val) [143][255] aAcc: 0.3530, mIoU: 0.1524, mAcc: 0.2687, IoU.Impervious surface: 0.2116, IoU.Buildings: 0.4501, IoU.Low vegetation: 0.1405, IoU.Trees: 0.0877, IoU.Cars: 0.0000, IoU.Clutter: 0.0246, IoU.Background: nan, Acc.Impervious surface: 0.2777, Acc.Buildings: 0.6559, Acc.Low vegetation: 0.1672, Acc.Trees: 0.1079, Acc.Cars: 0.0000, Acc.Clutter: 0.4034, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:27:58,154 - mmseg - INFO - Epoch [144][90/450] lr: 3.289e-03, eta: 5:17:58, time: 0.914, data_time: 0.239, memory: 7603, decode.loss_ce: 0.0627, decode.acc_seg: 97.5791, aux.loss_ce: 0.0439, aux.acc_seg: 95.9188, loss: 0.1066 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:29:00,246 - mmseg - INFO - Epoch [144][180/450] lr: 3.279e-03, eta: 5:16:49, time: 0.690, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0607, decode.acc_seg: 97.6229, aux.loss_ce: 0.0423, aux.acc_seg: 96.0907, loss: 0.1030 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:30:02,720 - mmseg - INFO - Epoch [144][270/450] lr: 3.269e-03, eta: 5:15:40, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0593, decode.acc_seg: 97.6955, aux.loss_ce: 0.0411, aux.acc_seg: 96.1883, loss: 0.1004 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:31:05,538 - mmseg - INFO - Epoch [144][360/450] lr: 3.259e-03, eta: 5:14:31, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0589, decode.acc_seg: 97.6933, aux.loss_ce: 0.0403, aux.acc_seg: 96.2394, loss: 0.0991 2021-11-27 16:32:08,188 - mmseg - INFO - Saving checkpoint at 64800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:32:09,105 - mmseg - INFO - Epoch [144][450/450] lr: 3.248e-03, eta: 5:13:23, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0653, decode.acc_seg: 97.4743, aux.loss_ce: 0.0461, aux.acc_seg: 95.7435, loss: 0.1114
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1199s, ETA: 0s
2021-11-27 16:52:08,059 - mmseg - INFO - per class results: 2021-11-27 16:52:08,061 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.9 | 13.43 | | Buildings | 51.56 | 80.71 | | Low vegetation | 6.77 | 7.22 | | Trees | 11.29 | 14.56 | | Cars | 0.0 | 0.0 | | Clutter | 1.65 | 16.25 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 16:52:08,062 - mmseg - INFO - Summary: 2021-11-27 16:52:08,063 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 33.6 | 14.03 | 22.03 | +------+-------+-------+ 2021-11-27 16:52:08,064 - mmseg - INFO - Epoch(val) [144][255] aAcc: 0.3360, mIoU: 0.1403, mAcc: 0.2203, IoU.Impervious surface: 0.1290, IoU.Buildings: 0.5156, IoU.Low vegetation: 0.0677, IoU.Trees: 0.1129, IoU.Cars: 0.0000, IoU.Clutter: 0.0165, IoU.Background: nan, Acc.Impervious surface: 0.1343, Acc.Buildings: 0.8071, Acc.Low vegetation: 0.0722, Acc.Trees: 0.1456, Acc.Cars: 0.0000, Acc.Clutter: 0.1625, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:54:26,604 - mmseg - INFO - Epoch [145][90/450] lr: 3.238e-03, eta: 5:12:43, time: 1.538, data_time: 0.865, memory: 7603, decode.loss_ce: 0.0633, decode.acc_seg: 97.5398, aux.loss_ce: 0.0428, aux.acc_seg: 96.0427, loss: 0.1061 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:55:28,362 - mmseg - INFO - Epoch [145][180/450] lr: 3.228e-03, eta: 5:11:34, time: 0.686, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0601, decode.acc_seg: 97.6626, aux.loss_ce: 0.0418, aux.acc_seg: 96.1500, loss: 0.1019 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:56:31,172 - mmseg - INFO - Epoch [145][270/450] lr: 3.218e-03, eta: 5:10:25, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0799, decode.acc_seg: 96.9240, aux.loss_ce: 0.0597, aux.acc_seg: 94.6268, loss: 0.1396 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:57:33,701 - mmseg - INFO - Epoch [145][360/450] lr: 3.208e-03, eta: 5:09:16, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0839, decode.acc_seg: 96.7816, aux.loss_ce: 0.0580, aux.acc_seg: 94.6523, loss: 0.1419 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 16:58:48,391 - mmseg - INFO - Epoch [145][450/450] lr: 3.198e-03, eta: 5:08:11, time: 0.830, data_time: 0.144, memory: 7603, decode.loss_ce: 0.0679, decode.acc_seg: 97.3605, aux.loss_ce: 0.0468, aux.acc_seg: 95.6872, loss: 0.1146
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1179s, ETA: 0s
2021-11-27 17:18:27,672 - mmseg - INFO - per class results: 2021-11-27 17:18:27,673 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 11.49 | 12.19 | | Buildings | 30.64 | 50.24 | | Low vegetation | 10.03 | 11.08 | | Trees | 11.2 | 31.11 | | Cars | 0.0 | 0.0 | | Clutter | 1.55 | 23.44 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 17:18:27,673 - mmseg - INFO - Summary: 2021-11-27 17:18:27,674 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 26.29 | 10.82 | 21.34 | +-------+-------+-------+ 2021-11-27 17:18:27,676 - mmseg - INFO - Epoch(val) [145][255] aAcc: 0.2629, mIoU: 0.1082, mAcc: 0.2134, IoU.Impervious surface: 0.1149, IoU.Buildings: 0.3064, IoU.Low vegetation: 0.1003, IoU.Trees: 0.1120, IoU.Cars: 0.0000, IoU.Clutter: 0.0155, IoU.Background: nan, Acc.Impervious surface: 0.1219, Acc.Buildings: 0.5024, Acc.Low vegetation: 0.1108, Acc.Trees: 0.3111, Acc.Cars: 0.0000, Acc.Clutter: 0.2344, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:20:06,758 - mmseg - INFO - Epoch [146][90/450] lr: 3.188e-03, eta: 5:07:16, time: 1.100, data_time: 0.440, memory: 7603, decode.loss_ce: 0.0635, decode.acc_seg: 97.5405, aux.loss_ce: 0.0441, aux.acc_seg: 95.8833, loss: 0.1076 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:21:34,263 - mmseg - INFO - Epoch [146][180/450] lr: 3.177e-03, eta: 5:06:16, time: 0.972, data_time: 0.306, memory: 7603, decode.loss_ce: 0.0620, decode.acc_seg: 97.5849, aux.loss_ce: 0.0438, aux.acc_seg: 95.9700, loss: 0.1057 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:22:40,780 - mmseg - INFO - Epoch [146][270/450] lr: 3.167e-03, eta: 5:05:09, time: 0.739, data_time: 0.059, memory: 7603, decode.loss_ce: 0.0634, decode.acc_seg: 97.5575, aux.loss_ce: 0.0440, aux.acc_seg: 95.9652, loss: 0.1073 2021-11-27 17:23:41,263 - mmseg - INFO - Saving checkpoint at 65600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:23:53,871 - mmseg - INFO - Epoch [146][360/450] lr: 3.157e-03, eta: 5:04:04, time: 0.812, data_time: 0.120, memory: 7603, decode.loss_ce: 0.0630, decode.acc_seg: 97.5368, aux.loss_ce: 0.0434, aux.acc_seg: 95.9734, loss: 0.1064 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:24:58,977 - mmseg - INFO - Epoch [146][450/450] lr: 3.147e-03, eta: 5:02:55, time: 0.723, data_time: 0.043, memory: 7603, decode.loss_ce: 0.0614, decode.acc_seg: 97.5990, aux.loss_ce: 0.0423, aux.acc_seg: 96.0894, loss: 0.1037
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1162s, ETA: 0s
2021-11-27 17:44:21,085 - mmseg - INFO - per class results: 2021-11-27 17:44:21,087 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.42 | 9.97 | | Buildings | 7.13 | 9.19 | | Low vegetation | 23.36 | 31.8 | | Trees | 7.77 | 12.34 | | Cars | 0.0 | 0.0 | | Clutter | 2.57 | 66.86 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 17:44:21,088 - mmseg - INFO - Summary: 2021-11-27 17:44:21,089 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 15.06 | 8.38 | 21.69 | +-------+------+-------+ 2021-11-27 17:44:21,091 - mmseg - INFO - Epoch(val) [146][255] aAcc: 0.1506, mIoU: 0.0838, mAcc: 0.2169, IoU.Impervious surface: 0.0942, IoU.Buildings: 0.0713, IoU.Low vegetation: 0.2336, IoU.Trees: 0.0777, IoU.Cars: 0.0000, IoU.Clutter: 0.0257, IoU.Background: nan, Acc.Impervious surface: 0.0997, Acc.Buildings: 0.0919, Acc.Low vegetation: 0.3180, Acc.Trees: 0.1234, Acc.Cars: 0.0000, Acc.Clutter: 0.6686, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:46:51,481 - mmseg - INFO - Epoch [147][90/450] lr: 3.137e-03, eta: 5:02:19, time: 1.669, data_time: 0.998, memory: 7603, decode.loss_ce: 0.0593, decode.acc_seg: 97.6813, aux.loss_ce: 0.0408, aux.acc_seg: 96.2029, loss: 0.1001 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:47:53,486 - mmseg - INFO - Epoch [147][180/450] lr: 3.127e-03, eta: 5:01:09, time: 0.689, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1533, decode.acc_seg: 94.4285, aux.loss_ce: 0.0988, aux.acc_seg: 91.2942, loss: 0.2521 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:48:56,075 - mmseg - INFO - Epoch [147][270/450] lr: 3.117e-03, eta: 5:00:00, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.1355, decode.acc_seg: 95.0275, aux.loss_ce: 0.0863, aux.acc_seg: 92.2066, loss: 0.2217 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:49:58,669 - mmseg - INFO - Epoch [147][360/450] lr: 3.106e-03, eta: 4:58:51, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0904, decode.acc_seg: 96.5470, aux.loss_ce: 0.0625, aux.acc_seg: 94.2482, loss: 0.1528 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 17:51:01,299 - mmseg - INFO - Epoch [147][450/450] lr: 3.096e-03, eta: 4:57:42, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0786, decode.acc_seg: 96.9744, aux.loss_ce: 0.0550, aux.acc_seg: 94.9242, loss: 0.1336
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1198s, ETA: 0s
2021-11-27 18:10:59,841 - mmseg - INFO - per class results: 2021-11-27 18:10:59,842 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.22 | 9.49 | | Buildings | 44.49 | 70.74 | | Low vegetation | 24.09 | 35.61 | | Trees | 8.23 | 14.8 | | Cars | 0.0 | 0.0 | | Clutter | 1.94 | 21.66 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 18:10:59,843 - mmseg - INFO - Summary: 2021-11-27 18:10:59,844 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 34.86 | 14.66 | 25.38 | +-------+-------+-------+ 2021-11-27 18:10:59,845 - mmseg - INFO - Epoch(val) [147][255] aAcc: 0.3486, mIoU: 0.1466, mAcc: 0.2538, IoU.Impervious surface: 0.0922, IoU.Buildings: 0.4449, IoU.Low vegetation: 0.2409, IoU.Trees: 0.0823, IoU.Cars: 0.0000, IoU.Clutter: 0.0194, IoU.Background: nan, Acc.Impervious surface: 0.0949, Acc.Buildings: 0.7074, Acc.Low vegetation: 0.3561, Acc.Trees: 0.1480, Acc.Cars: 0.0000, Acc.Clutter: 0.2166, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:12:43,427 - mmseg - INFO - Epoch [148][90/450] lr: 3.086e-03, eta: 4:56:47, time: 1.150, data_time: 0.490, memory: 7603, decode.loss_ce: 0.0735, decode.acc_seg: 97.1905, aux.loss_ce: 0.0543, aux.acc_seg: 95.0983, loss: 0.1278 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:14:09,021 - mmseg - INFO - Epoch [148][180/450] lr: 3.076e-03, eta: 4:55:46, time: 0.951, data_time: 0.293, memory: 7603, decode.loss_ce: 0.0656, decode.acc_seg: 97.4560, aux.loss_ce: 0.0458, aux.acc_seg: 95.7939, loss: 0.1113 2021-11-27 18:15:04,473 - mmseg - INFO - Saving checkpoint at 66400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:15:19,361 - mmseg - INFO - Epoch [148][270/450] lr: 3.066e-03, eta: 4:54:40, time: 0.782, data_time: 0.094, memory: 7603, decode.loss_ce: 0.0678, decode.acc_seg: 97.3680, aux.loss_ce: 0.0477, aux.acc_seg: 95.6357, loss: 0.1155 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:16:29,599 - mmseg - INFO - Epoch [148][360/450] lr: 3.055e-03, eta: 4:53:33, time: 0.780, data_time: 0.105, memory: 7603, decode.loss_ce: 0.0682, decode.acc_seg: 97.3868, aux.loss_ce: 0.0484, aux.acc_seg: 95.5927, loss: 0.1166 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:17:40,023 - mmseg - INFO - Epoch [148][450/450] lr: 3.045e-03, eta: 4:52:27, time: 0.782, data_time: 0.100, memory: 7603, decode.loss_ce: 0.0892, decode.acc_seg: 96.6136, aux.loss_ce: 0.0640, aux.acc_seg: 94.1388, loss: 0.1532
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1178s, ETA: 0s
2021-11-27 18:37:18,640 - mmseg - INFO - per class results: 2021-11-27 18:37:18,642 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 3.54 | 3.61 | | Buildings | 39.27 | 63.84 | | Low vegetation | 3.41 | 3.54 | | Trees | 13.93 | 38.61 | | Cars | 0.0 | 0.0 | | Clutter | 0.96 | 2.19 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 18:37:18,643 - mmseg - INFO - Summary: 2021-11-27 18:37:18,644 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 26.86 | 10.18 | 18.63 | +-------+-------+-------+ 2021-11-27 18:37:18,646 - mmseg - INFO - Epoch(val) [148][255] aAcc: 0.2686, mIoU: 0.1018, mAcc: 0.1863, IoU.Impervious surface: 0.0354, IoU.Buildings: 0.3927, IoU.Low vegetation: 0.0341, IoU.Trees: 0.1393, IoU.Cars: 0.0000, IoU.Clutter: 0.0096, IoU.Background: nan, Acc.Impervious surface: 0.0361, Acc.Buildings: 0.6384, Acc.Low vegetation: 0.0354, Acc.Trees: 0.3861, Acc.Cars: 0.0000, Acc.Clutter: 0.0219, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:39:26,870 - mmseg - INFO - Epoch [149][90/450] lr: 3.035e-03, eta: 4:51:40, time: 1.424, data_time: 0.761, memory: 7603, decode.loss_ce: 0.0784, decode.acc_seg: 96.9749, aux.loss_ce: 0.0548, aux.acc_seg: 94.9120, loss: 0.1332 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:41:16,159 - mmseg - INFO - Epoch [149][180/450] lr: 3.025e-03, eta: 4:50:47, time: 1.214, data_time: 0.546, memory: 7603, decode.loss_ce: 0.0790, decode.acc_seg: 97.0035, aux.loss_ce: 0.0579, aux.acc_seg: 94.8109, loss: 0.1369 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:43:05,404 - mmseg - INFO - Epoch [149][270/450] lr: 3.015e-03, eta: 4:49:54, time: 1.214, data_time: 0.547, memory: 7603, decode.loss_ce: 0.0852, decode.acc_seg: 96.7839, aux.loss_ce: 0.0571, aux.acc_seg: 94.8016, loss: 0.1423 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:44:31,762 - mmseg - INFO - Epoch [149][360/450] lr: 3.004e-03, eta: 4:48:53, time: 0.959, data_time: 0.295, memory: 7603, decode.loss_ce: 0.1236, decode.acc_seg: 95.2968, aux.loss_ce: 0.0829, aux.acc_seg: 92.4918, loss: 0.2065 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 18:45:56,590 - mmseg - INFO - Epoch [149][450/450] lr: 2.994e-03, eta: 4:47:51, time: 0.943, data_time: 0.271, memory: 7603, decode.loss_ce: 0.0772, decode.acc_seg: 97.0357, aux.loss_ce: 0.0530, aux.acc_seg: 95.1293, loss: 0.1302
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1338s, ETA: 0s
2021-11-27 19:08:14,858 - mmseg - INFO - per class results: 2021-11-27 19:08:14,860 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.36 | 10.65 | | Buildings | 35.48 | 53.45 | | Low vegetation | 17.82 | 24.04 | | Trees | 4.54 | 5.53 | | Cars | 0.0 | 0.0 | | Clutter | 2.47 | 52.95 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 19:08:14,861 - mmseg - INFO - Summary: 2021-11-27 19:08:14,862 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 26.86 | 11.61 | 24.44 | +-------+-------+-------+ 2021-11-27 19:08:14,863 - mmseg - INFO - Epoch(val) [149][255] aAcc: 0.2686, mIoU: 0.1161, mAcc: 0.2444, IoU.Impervious surface: 0.0936, IoU.Buildings: 0.3548, IoU.Low vegetation: 0.1782, IoU.Trees: 0.0454, IoU.Cars: 0.0000, IoU.Clutter: 0.0247, IoU.Background: nan, Acc.Impervious surface: 0.1065, Acc.Buildings: 0.5345, Acc.Low vegetation: 0.2404, Acc.Trees: 0.0553, Acc.Cars: 0.0000, Acc.Clutter: 0.5295, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:10:03,992 - mmseg - INFO - Epoch [150][90/450] lr: 2.984e-03, eta: 4:46:57, time: 1.212, data_time: 0.551, memory: 7603, decode.loss_ce: 0.0705, decode.acc_seg: 97.2457, aux.loss_ce: 0.0491, aux.acc_seg: 95.4821, loss: 0.1196 2021-11-27 19:10:55,656 - mmseg - INFO - Saving checkpoint at 67200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:11:18,734 - mmseg - INFO - Epoch [150][180/450] lr: 2.974e-03, eta: 4:45:52, time: 0.830, data_time: 0.150, memory: 7603, decode.loss_ce: 0.0834, decode.acc_seg: 96.8071, aux.loss_ce: 0.0556, aux.acc_seg: 94.9161, loss: 0.1390 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:12:41,025 - mmseg - INFO - Epoch [150][270/450] lr: 2.964e-03, eta: 4:44:49, time: 0.914, data_time: 0.243, memory: 7603, decode.loss_ce: 0.0755, decode.acc_seg: 97.1329, aux.loss_ce: 0.0537, aux.acc_seg: 95.0827, loss: 0.1292 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:13:45,229 - mmseg - INFO - Epoch [150][360/450] lr: 2.953e-03, eta: 4:43:40, time: 0.713, data_time: 0.035, memory: 7603, decode.loss_ce: 0.0641, decode.acc_seg: 97.5237, aux.loss_ce: 0.0445, aux.acc_seg: 95.9094, loss: 0.1086 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:14:55,898 - mmseg - INFO - Epoch [150][450/450] lr: 2.943e-03, eta: 4:42:33, time: 0.785, data_time: 0.104, memory: 7603, decode.loss_ce: 0.0661, decode.acc_seg: 97.4394, aux.loss_ce: 0.0458, aux.acc_seg: 95.7525, loss: 0.1118
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1138s, ETA: 0s
2021-11-27 19:33:54,476 - mmseg - INFO - per class results: 2021-11-27 19:33:54,477 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.9 | 10.04 | | Buildings | 13.98 | 18.98 | | Low vegetation | 11.3 | 12.67 | | Trees | 0.13 | 0.13 | | Cars | 0.04 | 0.04 | | Clutter | 3.31 | 81.7 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 19:33:54,478 - mmseg - INFO - Summary: 2021-11-27 19:33:54,478 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 13.24 | 6.28 | 20.59 | +-------+------+-------+ 2021-11-27 19:33:54,480 - mmseg - INFO - Epoch(val) [150][255] aAcc: 0.1324, mIoU: 0.0628, mAcc: 0.2059, IoU.Impervious surface: 0.0890, IoU.Buildings: 0.1398, IoU.Low vegetation: 0.1130, IoU.Trees: 0.0013, IoU.Cars: 0.0004, IoU.Clutter: 0.0331, IoU.Background: nan, Acc.Impervious surface: 0.1004, Acc.Buildings: 0.1898, Acc.Low vegetation: 0.1267, Acc.Trees: 0.0013, Acc.Cars: 0.0004, Acc.Clutter: 0.8170, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:35:34,946 - mmseg - INFO - Epoch [151][90/450] lr: 2.933e-03, eta: 4:41:36, time: 1.115, data_time: 0.457, memory: 7603, decode.loss_ce: 0.0637, decode.acc_seg: 97.5324, aux.loss_ce: 0.0452, aux.acc_seg: 95.8297, loss: 0.1088 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:36:48,911 - mmseg - INFO - Epoch [151][180/450] lr: 2.923e-03, eta: 4:40:30, time: 0.822, data_time: 0.151, memory: 7603, decode.loss_ce: 0.0607, decode.acc_seg: 97.6396, aux.loss_ce: 0.0413, aux.acc_seg: 96.1611, loss: 0.1020 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:37:57,697 - mmseg - INFO - Epoch [151][270/450] lr: 2.912e-03, eta: 4:39:23, time: 0.764, data_time: 0.091, memory: 7603, decode.loss_ce: 0.0616, decode.acc_seg: 97.5873, aux.loss_ce: 0.0418, aux.acc_seg: 96.0887, loss: 0.1033 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:39:00,919 - mmseg - INFO - Epoch [151][360/450] lr: 2.902e-03, eta: 4:38:13, time: 0.702, data_time: 0.010, memory: 7603, decode.loss_ce: 0.0588, decode.acc_seg: 97.6951, aux.loss_ce: 0.0408, aux.acc_seg: 96.1864, loss: 0.0996 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 19:40:18,825 - mmseg - INFO - Epoch [151][450/450] lr: 2.892e-03, eta: 4:37:09, time: 0.866, data_time: 0.187, memory: 7603, decode.loss_ce: 0.0590, decode.acc_seg: 97.6905, aux.loss_ce: 0.0410, aux.acc_seg: 96.1652, loss: 0.1000
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1328s, ETA: 0s
2021-11-27 20:02:27,008 - mmseg - INFO - per class results: 2021-11-27 20:02:27,010 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.68 | 13.11 | | Buildings | 39.54 | 66.5 | | Low vegetation | 8.12 | 8.93 | | Trees | 5.5 | 6.34 | | Cars | 0.0 | 0.0 | | Clutter | 2.43 | 44.85 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 20:02:27,011 - mmseg - INFO - Summary: 2021-11-27 20:02:27,012 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 28.81 | 11.04 | 23.29 | +-------+-------+-------+ 2021-11-27 20:02:27,013 - mmseg - INFO - Epoch(val) [151][255] aAcc: 0.2881, mIoU: 0.1104, mAcc: 0.2329, IoU.Impervious surface: 0.1068, IoU.Buildings: 0.3954, IoU.Low vegetation: 0.0812, IoU.Trees: 0.0550, IoU.Cars: 0.0000, IoU.Clutter: 0.0243, IoU.Background: nan, Acc.Impervious surface: 0.1311, Acc.Buildings: 0.6650, Acc.Low vegetation: 0.0893, Acc.Trees: 0.0634, Acc.Cars: 0.0000, Acc.Clutter: 0.4485, Acc.Background: nan 2021-11-27 20:03:36,086 - mmseg - INFO - Saving checkpoint at 68000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:04:08,862 - mmseg - INFO - Epoch [152][90/450] lr: 2.882e-03, eta: 4:36:12, time: 1.131, data_time: 0.463, memory: 7603, decode.loss_ce: 0.0613, decode.acc_seg: 97.6296, aux.loss_ce: 0.0431, aux.acc_seg: 96.0668, loss: 0.1044 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:05:39,032 - mmseg - INFO - Epoch [152][180/450] lr: 2.871e-03, eta: 4:35:11, time: 1.002, data_time: 0.335, memory: 7603, decode.loss_ce: 0.0595, decode.acc_seg: 97.6835, aux.loss_ce: 0.0413, aux.acc_seg: 96.1444, loss: 0.1008 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:06:40,769 - mmseg - INFO - Epoch [152][270/450] lr: 2.861e-03, eta: 4:34:01, time: 0.686, data_time: 0.005, memory: 7603, decode.loss_ce: 0.0555, decode.acc_seg: 97.8465, aux.loss_ce: 0.0399, aux.acc_seg: 96.3321, loss: 0.0954 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:07:43,154 - mmseg - INFO - Epoch [152][360/450] lr: 2.851e-03, eta: 4:32:51, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0581, decode.acc_seg: 97.7406, aux.loss_ce: 0.0410, aux.acc_seg: 96.2279, loss: 0.0991 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:08:45,592 - mmseg - INFO - Epoch [152][450/450] lr: 2.841e-03, eta: 4:31:42, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0593, decode.acc_seg: 97.7067, aux.loss_ce: 0.0407, aux.acc_seg: 96.2364, loss: 0.1000
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1202s, ETA: 0s
2021-11-27 20:28:47,540 - mmseg - INFO - per class results: 2021-11-27 20:28:47,541 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.61 | 11.1 | | Buildings | 62.08 | 92.12 | | Low vegetation | 1.86 | 1.9 | | Trees | 5.93 | 7.8 | | Cars | 0.05 | 0.05 | | Clutter | 1.62 | 9.62 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 20:28:47,542 - mmseg - INFO - Summary: 2021-11-27 20:28:47,543 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 34.53 | 13.36 | 20.43 | +-------+-------+-------+ 2021-11-27 20:28:47,544 - mmseg - INFO - Epoch(val) [152][255] aAcc: 0.3453, mIoU: 0.1336, mAcc: 0.2043, IoU.Impervious surface: 0.0861, IoU.Buildings: 0.6208, IoU.Low vegetation: 0.0186, IoU.Trees: 0.0593, IoU.Cars: 0.0005, IoU.Clutter: 0.0162, IoU.Background: nan, Acc.Impervious surface: 0.1110, Acc.Buildings: 0.9212, Acc.Low vegetation: 0.0190, Acc.Trees: 0.0780, Acc.Cars: 0.0005, Acc.Clutter: 0.0962, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:30:51,496 - mmseg - INFO - Epoch [153][90/450] lr: 2.830e-03, eta: 4:30:51, time: 1.376, data_time: 0.720, memory: 7603, decode.loss_ce: 0.0556, decode.acc_seg: 97.8393, aux.loss_ce: 0.0395, aux.acc_seg: 96.3471, loss: 0.0951 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:32:21,305 - mmseg - INFO - Epoch [153][180/450] lr: 2.820e-03, eta: 4:29:50, time: 0.998, data_time: 0.334, memory: 7603, decode.loss_ce: 0.0582, decode.acc_seg: 97.7437, aux.loss_ce: 0.0413, aux.acc_seg: 96.2093, loss: 0.0995 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:33:28,709 - mmseg - INFO - Epoch [153][270/450] lr: 2.810e-03, eta: 4:28:42, time: 0.749, data_time: 0.073, memory: 7603, decode.loss_ce: 0.0586, decode.acc_seg: 97.7247, aux.loss_ce: 0.0412, aux.acc_seg: 96.1775, loss: 0.0998 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:34:31,206 - mmseg - INFO - Epoch [153][360/450] lr: 2.799e-03, eta: 4:27:32, time: 0.694, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0566, decode.acc_seg: 97.7922, aux.loss_ce: 0.0401, aux.acc_seg: 96.3473, loss: 0.0967 2021-11-27 20:35:11,183 - mmseg - INFO - Saving checkpoint at 68800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:35:46,749 - mmseg - INFO - Epoch [153][450/450] lr: 2.789e-03, eta: 4:26:27, time: 0.839, data_time: 0.146, memory: 7603, decode.loss_ce: 0.0570, decode.acc_seg: 97.7721, aux.loss_ce: 0.0395, aux.acc_seg: 96.2947, loss: 0.0965
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1195s, ETA: 0s
2021-11-27 20:55:41,577 - mmseg - INFO - per class results: 2021-11-27 20:55:41,579 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.42 | 13.17 | | Buildings | 45.94 | 76.96 | | Low vegetation | 8.49 | 9.39 | | Trees | 9.21 | 12.38 | | Cars | 0.0 | 0.0 | | Clutter | 2.32 | 30.38 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 20:55:41,580 - mmseg - INFO - Summary: 2021-11-27 20:55:41,581 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 32.73 | 12.73 | 23.71 | +-------+-------+-------+ 2021-11-27 20:55:41,583 - mmseg - INFO - Epoch(val) [153][255] aAcc: 0.3273, mIoU: 0.1273, mAcc: 0.2371, IoU.Impervious surface: 0.1042, IoU.Buildings: 0.4594, IoU.Low vegetation: 0.0849, IoU.Trees: 0.0921, IoU.Cars: 0.0000, IoU.Clutter: 0.0232, IoU.Background: nan, Acc.Impervious surface: 0.1317, Acc.Buildings: 0.7696, Acc.Low vegetation: 0.0939, Acc.Trees: 0.1238, Acc.Cars: 0.0000, Acc.Clutter: 0.3038, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:57:14,458 - mmseg - INFO - Epoch [154][90/450] lr: 2.779e-03, eta: 4:25:26, time: 1.031, data_time: 0.366, memory: 7603, decode.loss_ce: 0.0550, decode.acc_seg: 97.8514, aux.loss_ce: 0.0376, aux.acc_seg: 96.4961, loss: 0.0926 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:58:32,685 - mmseg - INFO - Epoch [154][180/450] lr: 2.769e-03, eta: 4:24:21, time: 0.869, data_time: 0.202, memory: 7603, decode.loss_ce: 0.0571, decode.acc_seg: 97.7960, aux.loss_ce: 0.0396, aux.acc_seg: 96.3553, loss: 0.0968 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 20:59:45,136 - mmseg - INFO - Epoch [154][270/450] lr: 2.758e-03, eta: 4:23:14, time: 0.805, data_time: 0.132, memory: 7603, decode.loss_ce: 0.0555, decode.acc_seg: 97.8259, aux.loss_ce: 0.0375, aux.acc_seg: 96.4854, loss: 0.0931 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:00:57,876 - mmseg - INFO - Epoch [154][360/450] lr: 2.748e-03, eta: 4:22:08, time: 0.808, data_time: 0.130, memory: 7603, decode.loss_ce: 0.0587, decode.acc_seg: 97.7147, aux.loss_ce: 0.0406, aux.acc_seg: 96.2270, loss: 0.0993 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:02:01,030 - mmseg - INFO - Epoch [154][450/450] lr: 2.738e-03, eta: 4:20:58, time: 0.702, data_time: 0.015, memory: 7603, decode.loss_ce: 0.0558, decode.acc_seg: 97.8374, aux.loss_ce: 0.0385, aux.acc_seg: 96.4204, loss: 0.0943
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1344s, ETA: 0s
2021-11-27 21:24:25,213 - mmseg - INFO - per class results: 2021-11-27 21:24:25,214 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.76 | 17.75 | | Buildings | 45.72 | 72.62 | | Low vegetation | 5.79 | 6.26 | | Trees | 3.09 | 3.3 | | Cars | 0.05 | 0.05 | | Clutter | 2.87 | 45.97 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 21:24:25,215 - mmseg - INFO - Summary: 2021-11-27 21:24:25,215 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 31.42 | 11.88 | 24.32 | +-------+-------+-------+ 2021-11-27 21:24:25,218 - mmseg - INFO - Epoch(val) [154][255] aAcc: 0.3142, mIoU: 0.1188, mAcc: 0.2432, IoU.Impervious surface: 0.1376, IoU.Buildings: 0.4572, IoU.Low vegetation: 0.0579, IoU.Trees: 0.0309, IoU.Cars: 0.0005, IoU.Clutter: 0.0287, IoU.Background: nan, Acc.Impervious surface: 0.1775, Acc.Buildings: 0.7262, Acc.Low vegetation: 0.0626, Acc.Trees: 0.0330, Acc.Cars: 0.0005, Acc.Clutter: 0.4597, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:25:49,616 - mmseg - INFO - Epoch [155][90/450] lr: 2.727e-03, eta: 4:19:55, time: 0.937, data_time: 0.262, memory: 7603, decode.loss_ce: 0.0564, decode.acc_seg: 97.8138, aux.loss_ce: 0.0388, aux.acc_seg: 96.4109, loss: 0.0952 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:26:51,475 - mmseg - INFO - Epoch [155][180/450] lr: 2.717e-03, eta: 4:18:45, time: 0.687, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0584, decode.acc_seg: 97.7179, aux.loss_ce: 0.0393, aux.acc_seg: 96.3390, loss: 0.0977 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:27:53,811 - mmseg - INFO - Epoch [155][270/450] lr: 2.707e-03, eta: 4:17:35, time: 0.693, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0559, decode.acc_seg: 97.8216, aux.loss_ce: 0.0382, aux.acc_seg: 96.4703, loss: 0.0940 2021-11-27 21:28:14,658 - mmseg - INFO - Saving checkpoint at 69600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:28:57,467 - mmseg - INFO - Epoch [155][360/450] lr: 2.696e-03, eta: 4:16:26, time: 0.707, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0539, decode.acc_seg: 97.8866, aux.loss_ce: 0.0370, aux.acc_seg: 96.5342, loss: 0.0909 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:30:00,023 - mmseg - INFO - Epoch [155][450/450] lr: 2.686e-03, eta: 4:15:16, time: 0.695, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0583, decode.acc_seg: 97.7366, aux.loss_ce: 0.0416, aux.acc_seg: 96.2070, loss: 0.1000
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1195s, ETA: 0s
2021-11-27 21:49:54,647 - mmseg - INFO - per class results: 2021-11-27 21:49:54,649 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.68 | 17.64 | | Buildings | 49.93 | 71.4 | | Low vegetation | 11.63 | 13.42 | | Trees | 3.46 | 3.61 | | Cars | 0.05 | 0.05 | | Clutter | 2.8 | 51.89 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 21:49:54,649 - mmseg - INFO - Summary: 2021-11-27 21:49:54,650 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 32.54 | 13.59 | 26.34 | +-------+-------+-------+ 2021-11-27 21:49:54,651 - mmseg - INFO - Epoch(val) [155][255] aAcc: 0.3254, mIoU: 0.1359, mAcc: 0.2634, IoU.Impervious surface: 0.1368, IoU.Buildings: 0.4993, IoU.Low vegetation: 0.1163, IoU.Trees: 0.0346, IoU.Cars: 0.0005, IoU.Clutter: 0.0280, IoU.Background: nan, Acc.Impervious surface: 0.1764, Acc.Buildings: 0.7140, Acc.Low vegetation: 0.1342, Acc.Trees: 0.0361, Acc.Cars: 0.0005, Acc.Clutter: 0.5189, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:51:33,047 - mmseg - INFO - Epoch [156][90/450] lr: 2.676e-03, eta: 4:14:17, time: 1.093, data_time: 0.432, memory: 7603, decode.loss_ce: 0.0561, decode.acc_seg: 97.7994, aux.loss_ce: 0.0394, aux.acc_seg: 96.3166, loss: 0.0956 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:52:40,389 - mmseg - INFO - Epoch [156][180/450] lr: 2.665e-03, eta: 4:13:08, time: 0.748, data_time: 0.075, memory: 7603, decode.loss_ce: 0.0549, decode.acc_seg: 97.8737, aux.loss_ce: 0.0387, aux.acc_seg: 96.4260, loss: 0.0936 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:53:43,085 - mmseg - INFO - Epoch [156][270/450] lr: 2.655e-03, eta: 4:11:59, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0607, decode.acc_seg: 97.6729, aux.loss_ce: 0.0485, aux.acc_seg: 95.5347, loss: 0.1092 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:54:45,871 - mmseg - INFO - Epoch [156][360/450] lr: 2.645e-03, eta: 4:10:49, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0568, decode.acc_seg: 97.8067, aux.loss_ce: 0.0407, aux.acc_seg: 96.2513, loss: 0.0976 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 21:55:48,590 - mmseg - INFO - Epoch [156][450/450] lr: 2.634e-03, eta: 4:09:39, time: 0.697, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0539, decode.acc_seg: 97.9016, aux.loss_ce: 0.0374, aux.acc_seg: 96.5135, loss: 0.0913
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1308s, ETA: 0s
2021-11-27 22:17:36,624 - mmseg - INFO - per class results: 2021-11-27 22:17:36,626 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.77 | 11.19 | | Buildings | 22.85 | 29.84 | | Low vegetation | 9.46 | 10.62 | | Trees | 0.27 | 0.27 | | Cars | 0.05 | 0.05 | | Clutter | 3.17 | 81.79 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 22:17:36,626 - mmseg - INFO - Summary: 2021-11-27 22:17:36,627 - mmseg - INFO - +------+------+-------+ | aAcc | mIoU | mAcc | +------+------+-------+ | 16.7 | 7.43 | 22.29 | +------+------+-------+ 2021-11-27 22:17:36,628 - mmseg - INFO - Epoch(val) [156][255] aAcc: 0.1670, mIoU: 0.0743, mAcc: 0.2229, IoU.Impervious surface: 0.0877, IoU.Buildings: 0.2285, IoU.Low vegetation: 0.0946, IoU.Trees: 0.0027, IoU.Cars: 0.0005, IoU.Clutter: 0.0317, IoU.Background: nan, Acc.Impervious surface: 0.1119, Acc.Buildings: 0.2984, Acc.Low vegetation: 0.1062, Acc.Trees: 0.0027, Acc.Cars: 0.0005, Acc.Clutter: 0.8179, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:21:07,002 - mmseg - INFO - Epoch [157][90/450] lr: 2.624e-03, eta: 4:09:11, time: 2.333, data_time: 1.675, memory: 7603, decode.loss_ce: 0.0545, decode.acc_seg: 97.8840, aux.loss_ce: 0.0378, aux.acc_seg: 96.5114, loss: 0.0924 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:22:09,307 - mmseg - INFO - Epoch [157][180/450] lr: 2.613e-03, eta: 4:08:01, time: 0.692, data_time: 0.010, memory: 7603, decode.loss_ce: 0.0541, decode.acc_seg: 97.8669, aux.loss_ce: 0.0377, aux.acc_seg: 96.4521, loss: 0.0917 2021-11-27 22:22:22,848 - mmseg - INFO - Saving checkpoint at 70400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:23:12,295 - mmseg - INFO - Epoch [157][270/450] lr: 2.603e-03, eta: 4:06:52, time: 0.700, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0553, decode.acc_seg: 97.8594, aux.loss_ce: 0.0412, aux.acc_seg: 96.2204, loss: 0.0965 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:24:14,900 - mmseg - INFO - Epoch [157][360/450] lr: 2.593e-03, eta: 4:05:42, time: 0.696, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0527, decode.acc_seg: 97.9318, aux.loss_ce: 0.0362, aux.acc_seg: 96.5956, loss: 0.0890 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:25:17,724 - mmseg - INFO - Epoch [157][450/450] lr: 2.582e-03, eta: 4:04:32, time: 0.698, data_time: 0.004, memory: 7603, decode.loss_ce: 0.0531, decode.acc_seg: 97.9350, aux.loss_ce: 0.0376, aux.acc_seg: 96.5350, loss: 0.0907
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1143s, ETA: 0s
2021-11-27 22:44:20,977 - mmseg - INFO - per class results: 2021-11-27 22:44:20,978 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 9.67 | 11.35 | | Buildings | 16.98 | 21.58 | | Low vegetation | 8.34 | 9.21 | | Trees | 6.0 | 6.49 | | Cars | 0.05 | 0.05 | | Clutter | 2.97 | 82.97 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 22:44:20,979 - mmseg - INFO - Summary: 2021-11-27 22:44:20,979 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 14.58 | 7.33 | 21.94 | +-------+------+-------+ 2021-11-27 22:44:20,983 - mmseg - INFO - Epoch(val) [157][255] aAcc: 0.1458, mIoU: 0.0733, mAcc: 0.2194, IoU.Impervious surface: 0.0967, IoU.Buildings: 0.1698, IoU.Low vegetation: 0.0834, IoU.Trees: 0.0600, IoU.Cars: 0.0005, IoU.Clutter: 0.0297, IoU.Background: nan, Acc.Impervious surface: 0.1135, Acc.Buildings: 0.2158, Acc.Low vegetation: 0.0921, Acc.Trees: 0.0649, Acc.Cars: 0.0005, Acc.Clutter: 0.8297, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:46:48,475 - mmseg - INFO - Epoch [158][90/450] lr: 2.572e-03, eta: 4:03:45, time: 1.638, data_time: 0.982, memory: 7603, decode.loss_ce: 0.0553, decode.acc_seg: 97.8476, aux.loss_ce: 0.0397, aux.acc_seg: 96.3194, loss: 0.0950 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:49:09,400 - mmseg - INFO - Epoch [158][180/450] lr: 2.561e-03, eta: 4:02:57, time: 1.566, data_time: 0.910, memory: 7603, decode.loss_ce: 0.0532, decode.acc_seg: 97.9242, aux.loss_ce: 0.0369, aux.acc_seg: 96.5599, loss: 0.0901 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:51:16,819 - mmseg - INFO - Epoch [158][270/450] lr: 2.551e-03, eta: 4:02:04, time: 1.416, data_time: 0.764, memory: 7603, decode.loss_ce: 0.0601, decode.acc_seg: 97.6537, aux.loss_ce: 0.0425, aux.acc_seg: 96.0717, loss: 0.1026 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:53:25,799 - mmseg - INFO - Epoch [158][360/450] lr: 2.541e-03, eta: 4:01:12, time: 1.433, data_time: 0.775, memory: 7603, decode.loss_ce: 0.0559, decode.acc_seg: 97.8439, aux.loss_ce: 0.0383, aux.acc_seg: 96.4227, loss: 0.0942 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 22:55:24,190 - mmseg - INFO - Epoch [158][450/450] lr: 2.530e-03, eta: 4:00:16, time: 1.315, data_time: 0.650, memory: 7603, decode.loss_ce: 0.0566, decode.acc_seg: 97.8171, aux.loss_ce: 0.0387, aux.acc_seg: 96.4355, loss: 0.0953
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1345s, ETA: 0s
2021-11-27 23:17:49,183 - mmseg - INFO - per class results: 2021-11-27 23:17:49,189 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 10.07 | 10.92 | | Buildings | 51.47 | 80.92 | | Low vegetation | 7.43 | 8.24 | | Trees | 9.38 | 11.73 | | Cars | 0.0 | 0.0 | | Clutter | 2.31 | 32.06 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 23:17:49,190 - mmseg - INFO - Summary: 2021-11-27 23:17:49,191 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 32.98 | 13.44 | 23.98 | +-------+-------+-------+ 2021-11-27 23:17:49,194 - mmseg - INFO - Epoch(val) [158][255] aAcc: 0.3298, mIoU: 0.1344, mAcc: 0.2398, IoU.Impervious surface: 0.1007, IoU.Buildings: 0.5147, IoU.Low vegetation: 0.0743, IoU.Trees: 0.0938, IoU.Cars: 0.0000, IoU.Clutter: 0.0231, IoU.Background: nan, Acc.Impervious surface: 0.1092, Acc.Buildings: 0.8092, Acc.Low vegetation: 0.0824, Acc.Trees: 0.1173, Acc.Cars: 0.0000, Acc.Clutter: 0.3206, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:20:13,580 - mmseg - INFO - Epoch [159][90/450] lr: 2.520e-03, eta: 3:59:28, time: 1.603, data_time: 0.942, memory: 7603, decode.loss_ce: 0.0522, decode.acc_seg: 97.9550, aux.loss_ce: 0.0366, aux.acc_seg: 96.5807, loss: 0.0888 2021-11-27 23:20:31,552 - mmseg - INFO - Saving checkpoint at 71200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:22:00,552 - mmseg - INFO - Epoch [159][180/450] lr: 2.509e-03, eta: 3:58:29, time: 1.189, data_time: 0.523, memory: 7603, decode.loss_ce: 0.0524, decode.acc_seg: 97.9627, aux.loss_ce: 0.0371, aux.acc_seg: 96.5623, loss: 0.0895 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:23:39,278 - mmseg - INFO - Epoch [159][270/450] lr: 2.499e-03, eta: 3:57:28, time: 1.097, data_time: 0.432, memory: 7603, decode.loss_ce: 0.0512, decode.acc_seg: 97.9863, aux.loss_ce: 0.0356, aux.acc_seg: 96.6607, loss: 0.0868 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:25:13,488 - mmseg - INFO - Epoch [159][360/450] lr: 2.489e-03, eta: 3:56:26, time: 1.047, data_time: 0.383, memory: 7603, decode.loss_ce: 0.0520, decode.acc_seg: 97.9774, aux.loss_ce: 0.0362, aux.acc_seg: 96.6446, loss: 0.0881 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:26:44,127 - mmseg - INFO - Epoch [159][450/450] lr: 2.478e-03, eta: 3:55:22, time: 1.007, data_time: 0.342, memory: 7603, decode.loss_ce: 0.0520, decode.acc_seg: 97.9783, aux.loss_ce: 0.0364, aux.acc_seg: 96.6202, loss: 0.0884
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1194s, ETA: 0s
2021-11-27 23:46:38,128 - mmseg - INFO - per class results: 2021-11-27 23:46:38,130 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 12.94 | 13.64 | | Buildings | 26.96 | 40.54 | | Low vegetation | 9.45 | 10.55 | | Trees | 11.03 | 15.46 | | Cars | 0.0 | 0.0 | | Clutter | 2.49 | 59.93 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-27 23:46:38,131 - mmseg - INFO - Summary: 2021-11-27 23:46:38,132 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 22.33 | 10.48 | 23.35 | +-------+-------+-------+ 2021-11-27 23:46:38,133 - mmseg - INFO - Epoch(val) [159][255] aAcc: 0.2233, mIoU: 0.1048, mAcc: 0.2335, IoU.Impervious surface: 0.1294, IoU.Buildings: 0.2696, IoU.Low vegetation: 0.0945, IoU.Trees: 0.1103, IoU.Cars: 0.0000, IoU.Clutter: 0.0249, IoU.Background: nan, Acc.Impervious surface: 0.1364, Acc.Buildings: 0.4054, Acc.Low vegetation: 0.1055, Acc.Trees: 0.1546, Acc.Cars: 0.0000, Acc.Clutter: 0.5993, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:48:38,741 - mmseg - INFO - Epoch [160][90/450] lr: 2.468e-03, eta: 3:54:27, time: 1.339, data_time: 0.683, memory: 7603, decode.loss_ce: 0.0519, decode.acc_seg: 97.9694, aux.loss_ce: 0.0361, aux.acc_seg: 96.6184, loss: 0.0880 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:50:27,541 - mmseg - INFO - Epoch [160][180/450] lr: 2.457e-03, eta: 3:53:28, time: 1.209, data_time: 0.546, memory: 7603, decode.loss_ce: 0.0496, decode.acc_seg: 98.0534, aux.loss_ce: 0.0350, aux.acc_seg: 96.7147, loss: 0.0846 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:52:43,652 - mmseg - INFO - Epoch [160][270/450] lr: 2.447e-03, eta: 3:52:36, time: 1.512, data_time: 0.857, memory: 7603, decode.loss_ce: 0.0510, decode.acc_seg: 97.9980, aux.loss_ce: 0.0360, aux.acc_seg: 96.6421, loss: 0.0870 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:53:51,621 - mmseg - INFO - Epoch [160][360/450] lr: 2.436e-03, eta: 3:51:27, time: 0.755, data_time: 0.083, memory: 7603, decode.loss_ce: 0.0520, decode.acc_seg: 97.9642, aux.loss_ce: 0.0364, aux.acc_seg: 96.6046, loss: 0.0884 2021-11-27 23:54:54,834 - mmseg - INFO - Saving checkpoint at 72000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-27 23:54:55,804 - mmseg - INFO - Epoch [160][450/450] lr: 2.426e-03, eta: 3:50:16, time: 0.714, data_time: 0.015, memory: 7603, decode.loss_ce: 0.0504, decode.acc_seg: 98.0337, aux.loss_ce: 0.0347, aux.acc_seg: 96.7541, loss: 0.0851
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1387s, ETA: 0s
2021-11-28 00:18:03,378 - mmseg - INFO - per class results: 2021-11-28 00:18:03,381 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 20.33 | 21.69 | | Buildings | 42.57 | 66.84 | | Low vegetation | 15.71 | 19.08 | | Trees | 14.28 | 27.9 | | Cars | 0.0 | 0.0 | | Clutter | 1.93 | 24.72 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 00:18:03,381 - mmseg - INFO - Summary: 2021-11-28 00:18:03,382 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 35.93 | 15.8 | 26.71 | +-------+------+-------+ 2021-11-28 00:18:03,384 - mmseg - INFO - Epoch(val) [160][255] aAcc: 0.3593, mIoU: 0.1580, mAcc: 0.2671, IoU.Impervious surface: 0.2033, IoU.Buildings: 0.4257, IoU.Low vegetation: 0.1571, IoU.Trees: 0.1428, IoU.Cars: 0.0000, IoU.Clutter: 0.0193, IoU.Background: nan, Acc.Impervious surface: 0.2169, Acc.Buildings: 0.6684, Acc.Low vegetation: 0.1908, Acc.Trees: 0.2790, Acc.Cars: 0.0000, Acc.Clutter: 0.2472, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:20:54,464 - mmseg - INFO - Epoch [161][90/450] lr: 2.415e-03, eta: 3:49:33, time: 1.900, data_time: 1.243, memory: 7603, decode.loss_ce: 0.0503, decode.acc_seg: 98.0385, aux.loss_ce: 0.0354, aux.acc_seg: 96.6880, loss: 0.0857 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:22:36,421 - mmseg - INFO - Epoch [161][180/450] lr: 2.405e-03, eta: 3:48:31, time: 1.133, data_time: 0.474, memory: 7603, decode.loss_ce: 0.0496, decode.acc_seg: 98.0683, aux.loss_ce: 0.0353, aux.acc_seg: 96.7153, loss: 0.0849 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:24:18,151 - mmseg - INFO - Epoch [161][270/450] lr: 2.394e-03, eta: 3:47:30, time: 1.130, data_time: 0.468, memory: 7603, decode.loss_ce: 0.0515, decode.acc_seg: 97.9957, aux.loss_ce: 0.0354, aux.acc_seg: 96.7114, loss: 0.0869 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:25:46,531 - mmseg - INFO - Epoch [161][360/450] lr: 2.384e-03, eta: 3:46:25, time: 0.982, data_time: 0.316, memory: 7603, decode.loss_ce: 0.0492, decode.acc_seg: 98.0964, aux.loss_ce: 0.0354, aux.acc_seg: 96.7325, loss: 0.0846 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:27:14,445 - mmseg - INFO - Epoch [161][450/450] lr: 2.373e-03, eta: 3:45:21, time: 0.977, data_time: 0.308, memory: 7603, decode.loss_ce: 0.0500, decode.acc_seg: 98.0546, aux.loss_ce: 0.0349, aux.acc_seg: 96.7576, loss: 0.0849
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1206s, ETA: 0s
2021-11-28 00:47:20,350 - mmseg - INFO - per class results: 2021-11-28 00:47:20,357 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 21.31 | 24.19 | | Buildings | 38.58 | 60.52 | | Low vegetation | 9.64 | 11.05 | | Trees | 10.48 | 27.59 | | Cars | 0.0 | 0.0 | | Clutter | 1.53 | 16.7 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 00:47:20,358 - mmseg - INFO - Summary: 2021-11-28 00:47:20,359 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 32.97 | 13.59 | 23.34 | +-------+-------+-------+ 2021-11-28 00:47:20,360 - mmseg - INFO - Epoch(val) [161][255] aAcc: 0.3297, mIoU: 0.1359, mAcc: 0.2334, IoU.Impervious surface: 0.2131, IoU.Buildings: 0.3858, IoU.Low vegetation: 0.0964, IoU.Trees: 0.1048, IoU.Cars: 0.0000, IoU.Clutter: 0.0153, IoU.Background: nan, Acc.Impervious surface: 0.2419, Acc.Buildings: 0.6052, Acc.Low vegetation: 0.1105, Acc.Trees: 0.2759, Acc.Cars: 0.0000, Acc.Clutter: 0.1670, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:49:27,779 - mmseg - INFO - Epoch [162][90/450] lr: 2.363e-03, eta: 3:44:25, time: 1.415, data_time: 0.754, memory: 7603, decode.loss_ce: 0.0499, decode.acc_seg: 98.0540, aux.loss_ce: 0.0347, aux.acc_seg: 96.7498, loss: 0.0846 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:50:56,468 - mmseg - INFO - Epoch [162][180/450] lr: 2.352e-03, eta: 3:43:20, time: 0.985, data_time: 0.322, memory: 7603, decode.loss_ce: 0.0486, decode.acc_seg: 98.1044, aux.loss_ce: 0.0367, aux.acc_seg: 96.6276, loss: 0.0853 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:52:05,024 - mmseg - INFO - Epoch [162][270/450] lr: 2.342e-03, eta: 3:42:11, time: 0.762, data_time: 0.087, memory: 7603, decode.loss_ce: 0.0503, decode.acc_seg: 98.0329, aux.loss_ce: 0.0354, aux.acc_seg: 96.6931, loss: 0.0857 2021-11-28 00:53:06,172 - mmseg - INFO - Saving checkpoint at 72800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:53:14,405 - mmseg - INFO - Epoch [162][360/450] lr: 2.331e-03, eta: 3:41:01, time: 0.771, data_time: 0.073, memory: 7603, decode.loss_ce: 0.0475, decode.acc_seg: 98.1408, aux.loss_ce: 0.0329, aux.acc_seg: 96.9260, loss: 0.0804 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 00:54:25,971 - mmseg - INFO - Epoch [162][450/450] lr: 2.321e-03, eta: 3:39:52, time: 0.795, data_time: 0.121, memory: 7603, decode.loss_ce: 0.0496, decode.acc_seg: 98.0619, aux.loss_ce: 0.0344, aux.acc_seg: 96.7686, loss: 0.0840
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1361s, ETA: 0s
2021-11-28 01:17:07,183 - mmseg - INFO - per class results: 2021-11-28 01:17:07,186 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.63 | 16.61 | | Buildings | 36.63 | 56.35 | | Low vegetation | 16.38 | 19.36 | | Trees | 9.88 | 18.11 | | Cars | 0.0 | 0.0 | | Clutter | 2.11 | 38.69 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 01:17:07,187 - mmseg - INFO - Summary: 2021-11-28 01:17:07,188 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.06 | 13.44 | 24.86 | +-------+-------+-------+ 2021-11-28 01:17:07,189 - mmseg - INFO - Epoch(val) [162][255] aAcc: 0.3006, mIoU: 0.1344, mAcc: 0.2486, IoU.Impervious surface: 0.1563, IoU.Buildings: 0.3663, IoU.Low vegetation: 0.1638, IoU.Trees: 0.0988, IoU.Cars: 0.0000, IoU.Clutter: 0.0211, IoU.Background: nan, Acc.Impervious surface: 0.1661, Acc.Buildings: 0.5635, Acc.Low vegetation: 0.1936, Acc.Trees: 0.1811, Acc.Cars: 0.0000, Acc.Clutter: 0.3869, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:19:44,442 - mmseg - INFO - Epoch [163][90/450] lr: 2.310e-03, eta: 3:39:03, time: 1.746, data_time: 1.089, memory: 7603, decode.loss_ce: 0.0717, decode.acc_seg: 97.3041, aux.loss_ce: 0.0525, aux.acc_seg: 95.2333, loss: 0.1241 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:21:41,064 - mmseg - INFO - Epoch [163][180/450] lr: 2.300e-03, eta: 3:38:05, time: 1.296, data_time: 0.631, memory: 7603, decode.loss_ce: 0.0624, decode.acc_seg: 97.5968, aux.loss_ce: 0.0465, aux.acc_seg: 95.7695, loss: 0.1089 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:23:26,905 - mmseg - INFO - Epoch [163][270/450] lr: 2.289e-03, eta: 3:37:04, time: 1.176, data_time: 0.509, memory: 7603, decode.loss_ce: 0.0568, decode.acc_seg: 97.7851, aux.loss_ce: 0.0409, aux.acc_seg: 96.1982, loss: 0.0977 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:25:07,915 - mmseg - INFO - Epoch [163][360/450] lr: 2.279e-03, eta: 3:36:01, time: 1.122, data_time: 0.460, memory: 7603, decode.loss_ce: 0.0522, decode.acc_seg: 97.9632, aux.loss_ce: 0.0368, aux.acc_seg: 96.5741, loss: 0.0890 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:26:44,929 - mmseg - INFO - Epoch [163][450/450] lr: 2.268e-03, eta: 3:34:58, time: 1.078, data_time: 0.414, memory: 7603, decode.loss_ce: 0.0535, decode.acc_seg: 97.9305, aux.loss_ce: 0.0381, aux.acc_seg: 96.4672, loss: 0.0916
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1208s, ETA: 0s
2021-11-28 01:46:53,121 - mmseg - INFO - per class results: 2021-11-28 01:46:53,126 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 8.14 | 8.28 | | Buildings | 37.13 | 56.96 | | Low vegetation | 30.45 | 39.28 | | Trees | 0.05 | 0.06 | | Cars | 0.0 | 0.0 | | Clutter | 2.93 | 62.6 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 01:46:53,127 - mmseg - INFO - Summary: 2021-11-28 01:46:53,130 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 29.74 | 13.12 | 27.86 | +-------+-------+-------+ 2021-11-28 01:46:53,131 - mmseg - INFO - Epoch(val) [163][255] aAcc: 0.2974, mIoU: 0.1312, mAcc: 0.2786, IoU.Impervious surface: 0.0814, IoU.Buildings: 0.3713, IoU.Low vegetation: 0.3045, IoU.Trees: 0.0005, IoU.Cars: 0.0000, IoU.Clutter: 0.0293, IoU.Background: nan, Acc.Impervious surface: 0.0828, Acc.Buildings: 0.5696, Acc.Low vegetation: 0.3928, Acc.Trees: 0.0006, Acc.Cars: 0.0000, Acc.Clutter: 0.6260, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:49:57,777 - mmseg - INFO - Epoch [164][90/450] lr: 2.258e-03, eta: 3:34:14, time: 2.051, data_time: 1.396, memory: 7603, decode.loss_ce: 0.0540, decode.acc_seg: 97.8902, aux.loss_ce: 0.0379, aux.acc_seg: 96.4764, loss: 0.0919 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:51:57,468 - mmseg - INFO - Epoch [164][180/450] lr: 2.247e-03, eta: 3:33:15, time: 1.330, data_time: 0.670, memory: 7603, decode.loss_ce: 0.0523, decode.acc_seg: 97.9581, aux.loss_ce: 0.0388, aux.acc_seg: 96.4275, loss: 0.0911 2021-11-28 01:53:14,577 - mmseg - INFO - Saving checkpoint at 73600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:53:33,079 - mmseg - INFO - Epoch [164][270/450] lr: 2.237e-03, eta: 3:32:11, time: 1.062, data_time: 0.390, memory: 7603, decode.loss_ce: 0.0527, decode.acc_seg: 97.9382, aux.loss_ce: 0.0379, aux.acc_seg: 96.4919, loss: 0.0906 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:54:42,809 - mmseg - INFO - Epoch [164][360/450] lr: 2.226e-03, eta: 3:31:01, time: 0.775, data_time: 0.100, memory: 7603, decode.loss_ce: 0.0514, decode.acc_seg: 97.9779, aux.loss_ce: 0.0364, aux.acc_seg: 96.6142, loss: 0.0878 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 01:55:48,080 - mmseg - INFO - Epoch [164][450/450] lr: 2.215e-03, eta: 3:29:50, time: 0.725, data_time: 0.041, memory: 7603, decode.loss_ce: 0.0514, decode.acc_seg: 97.9871, aux.loss_ce: 0.0367, aux.acc_seg: 96.6165, loss: 0.0881
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1354s, ETA: 0s
2021-11-28 02:18:22,330 - mmseg - INFO - per class results: 2021-11-28 02:18:22,335 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.91 | 14.67 | | Buildings | 34.55 | 55.83 | | Low vegetation | 6.46 | 6.93 | | Trees | 10.79 | 18.17 | | Cars | 0.0 | 0.0 | | Clutter | 2.17 | 44.97 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 02:18:22,336 - mmseg - INFO - Summary: 2021-11-28 02:18:22,337 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 26.9 | 11.31 | 23.43 | +------+-------+-------+ 2021-11-28 02:18:22,339 - mmseg - INFO - Epoch(val) [164][255] aAcc: 0.2690, mIoU: 0.1131, mAcc: 0.2343, IoU.Impervious surface: 0.1391, IoU.Buildings: 0.3455, IoU.Low vegetation: 0.0646, IoU.Trees: 0.1079, IoU.Cars: 0.0000, IoU.Clutter: 0.0217, IoU.Background: nan, Acc.Impervious surface: 0.1467, Acc.Buildings: 0.5583, Acc.Low vegetation: 0.0693, Acc.Trees: 0.1817, Acc.Cars: 0.0000, Acc.Clutter: 0.4497, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:20:59,723 - mmseg - INFO - Epoch [165][90/450] lr: 2.205e-03, eta: 3:28:59, time: 1.748, data_time: 1.091, memory: 7603, decode.loss_ce: 0.0515, decode.acc_seg: 97.9810, aux.loss_ce: 0.0366, aux.acc_seg: 96.6041, loss: 0.0881 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:22:07,724 - mmseg - INFO - Epoch [165][180/450] lr: 2.194e-03, eta: 3:27:48, time: 0.756, data_time: 0.087, memory: 7603, decode.loss_ce: 0.0519, decode.acc_seg: 97.9790, aux.loss_ce: 0.0365, aux.acc_seg: 96.6162, loss: 0.0883 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:23:12,375 - mmseg - INFO - Epoch [165][270/450] lr: 2.184e-03, eta: 3:26:37, time: 0.718, data_time: 0.038, memory: 7603, decode.loss_ce: 0.0526, decode.acc_seg: 97.9556, aux.loss_ce: 0.0385, aux.acc_seg: 96.4290, loss: 0.0911 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:24:16,445 - mmseg - INFO - Epoch [165][360/450] lr: 2.173e-03, eta: 3:25:26, time: 0.712, data_time: 0.025, memory: 7603, decode.loss_ce: 0.0494, decode.acc_seg: 98.0880, aux.loss_ce: 0.0357, aux.acc_seg: 96.7039, loss: 0.0851 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:25:29,856 - mmseg - INFO - Epoch [165][450/450] lr: 2.163e-03, eta: 3:24:17, time: 0.816, data_time: 0.145, memory: 7603, decode.loss_ce: 0.0508, decode.acc_seg: 98.0017, aux.loss_ce: 0.0366, aux.acc_seg: 96.5864, loss: 0.0874
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1196s, ETA: 0s
2021-11-28 02:45:25,978 - mmseg - INFO - per class results: 2021-11-28 02:45:25,981 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 22.08 | 29.4 | | Buildings | 24.33 | 33.36 | | Low vegetation | 10.22 | 11.5 | | Trees | 4.7 | 5.11 | | Cars | 0.0 | 0.0 | | Clutter | 2.99 | 73.04 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 02:45:25,982 - mmseg - INFO - Summary: 2021-11-28 02:45:25,983 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 24.38 | 10.72 | 25.4 | +-------+-------+------+ 2021-11-28 02:45:25,984 - mmseg - INFO - Epoch(val) [165][255] aAcc: 0.2438, mIoU: 0.1072, mAcc: 0.2540, IoU.Impervious surface: 0.2208, IoU.Buildings: 0.2433, IoU.Low vegetation: 0.1022, IoU.Trees: 0.0470, IoU.Cars: 0.0000, IoU.Clutter: 0.0299, IoU.Background: nan, Acc.Impervious surface: 0.2940, Acc.Buildings: 0.3336, Acc.Low vegetation: 0.1150, Acc.Trees: 0.0511, Acc.Cars: 0.0000, Acc.Clutter: 0.7304, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:48:11,635 - mmseg - INFO - Epoch [166][90/450] lr: 2.152e-03, eta: 3:23:27, time: 1.840, data_time: 1.181, memory: 7603, decode.loss_ce: 0.0500, decode.acc_seg: 98.0494, aux.loss_ce: 0.0350, aux.acc_seg: 96.7388, loss: 0.0850 2021-11-28 02:49:13,835 - mmseg - INFO - Saving checkpoint at 74400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:49:55,158 - mmseg - INFO - Epoch [166][180/450] lr: 2.141e-03, eta: 3:22:24, time: 1.150, data_time: 0.481, memory: 7603, decode.loss_ce: 0.0495, decode.acc_seg: 98.0712, aux.loss_ce: 0.0342, aux.acc_seg: 96.7966, loss: 0.0837 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:51:32,166 - mmseg - INFO - Epoch [166][270/450] lr: 2.131e-03, eta: 3:21:19, time: 1.078, data_time: 0.409, memory: 7603, decode.loss_ce: 0.0500, decode.acc_seg: 98.0502, aux.loss_ce: 0.0345, aux.acc_seg: 96.7766, loss: 0.0845 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:52:54,695 - mmseg - INFO - Epoch [166][360/450] lr: 2.120e-03, eta: 3:20:11, time: 0.917, data_time: 0.246, memory: 7603, decode.loss_ce: 0.0491, decode.acc_seg: 98.0716, aux.loss_ce: 0.0344, aux.acc_seg: 96.7801, loss: 0.0834 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 02:54:14,875 - mmseg - INFO - Epoch [166][450/450] lr: 2.109e-03, eta: 3:19:03, time: 0.891, data_time: 0.225, memory: 7603, decode.loss_ce: 0.0500, decode.acc_seg: 98.0487, aux.loss_ce: 0.0348, aux.acc_seg: 96.7419, loss: 0.0848
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1373s, ETA: 0s
2021-11-28 03:17:07,575 - mmseg - INFO - per class results: 2021-11-28 03:17:07,581 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.14 | 22.95 | | Buildings | 48.69 | 80.68 | | Low vegetation | 11.86 | 13.52 | | Trees | 0.2 | 0.2 | | Cars | 0.0 | 0.0 | | Clutter | 2.71 | 31.31 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 03:17:07,582 - mmseg - INFO - Summary: 2021-11-28 03:17:07,583 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 36.52 | 13.6 | 24.78 | +-------+------+-------+ 2021-11-28 03:17:07,585 - mmseg - INFO - Epoch(val) [166][255] aAcc: 0.3652, mIoU: 0.1360, mAcc: 0.2478, IoU.Impervious surface: 0.1814, IoU.Buildings: 0.4869, IoU.Low vegetation: 0.1186, IoU.Trees: 0.0020, IoU.Cars: 0.0000, IoU.Clutter: 0.0271, IoU.Background: nan, Acc.Impervious surface: 0.2295, Acc.Buildings: 0.8068, Acc.Low vegetation: 0.1352, Acc.Trees: 0.0020, Acc.Cars: 0.0000, Acc.Clutter: 0.3131, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:20:40,546 - mmseg - INFO - Epoch [167][90/450] lr: 2.099e-03, eta: 3:18:22, time: 2.365, data_time: 1.710, memory: 7603, decode.loss_ce: 0.0481, decode.acc_seg: 98.1251, aux.loss_ce: 0.0339, aux.acc_seg: 96.8287, loss: 0.0819 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:22:25,249 - mmseg - INFO - Epoch [167][180/450] lr: 2.088e-03, eta: 3:17:18, time: 1.163, data_time: 0.506, memory: 7603, decode.loss_ce: 0.0471, decode.acc_seg: 98.1688, aux.loss_ce: 0.0330, aux.acc_seg: 96.9325, loss: 0.0801 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:23:41,392 - mmseg - INFO - Epoch [167][270/450] lr: 2.077e-03, eta: 3:16:09, time: 0.846, data_time: 0.179, memory: 7603, decode.loss_ce: 0.0475, decode.acc_seg: 98.1468, aux.loss_ce: 0.0338, aux.acc_seg: 96.8288, loss: 0.0814 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:26:14,441 - mmseg - INFO - Epoch [167][360/450] lr: 2.067e-03, eta: 3:15:15, time: 1.700, data_time: 1.041, memory: 7603, decode.loss_ce: 0.0498, decode.acc_seg: 98.0702, aux.loss_ce: 0.0357, aux.acc_seg: 96.6568, loss: 0.0854 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:28:15,591 - mmseg - INFO - Epoch [167][450/450] lr: 2.056e-03, eta: 3:14:14, time: 1.346, data_time: 0.687, memory: 7603, decode.loss_ce: 0.0523, decode.acc_seg: 97.9791, aux.loss_ce: 0.0375, aux.acc_seg: 96.5158, loss: 0.0898
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1197s, ETA: 0s
2021-11-28 03:48:13,037 - mmseg - INFO - per class results: 2021-11-28 03:48:13,039 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.78 | 26.69 | | Buildings | 20.89 | 28.81 | | Low vegetation | 15.25 | 17.3 | | Trees | 8.08 | 9.76 | | Cars | 0.0 | 0.0 | | Clutter | 2.72 | 68.06 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 03:48:13,040 - mmseg - INFO - Summary: 2021-11-28 03:48:13,040 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 23.65 | 11.79 | 25.1 | +-------+-------+------+ 2021-11-28 03:48:13,043 - mmseg - INFO - Epoch(val) [167][255] aAcc: 0.2365, mIoU: 0.1179, mAcc: 0.2510, IoU.Impervious surface: 0.2378, IoU.Buildings: 0.2089, IoU.Low vegetation: 0.1525, IoU.Trees: 0.0808, IoU.Cars: 0.0000, IoU.Clutter: 0.0272, IoU.Background: nan, Acc.Impervious surface: 0.2669, Acc.Buildings: 0.2881, Acc.Low vegetation: 0.1730, Acc.Trees: 0.0976, Acc.Cars: 0.0000, Acc.Clutter: 0.6806, Acc.Background: nan 2021-11-28 03:50:46,758 - mmseg - INFO - Saving checkpoint at 75200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:51:47,804 - mmseg - INFO - Epoch [168][90/450] lr: 2.045e-03, eta: 3:13:32, time: 2.385, data_time: 1.713, memory: 7603, decode.loss_ce: 0.0500, decode.acc_seg: 98.0445, aux.loss_ce: 0.0369, aux.acc_seg: 96.5652, loss: 0.0869 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:53:15,462 - mmseg - INFO - Epoch [168][180/450] lr: 2.035e-03, eta: 3:12:24, time: 0.974, data_time: 0.314, memory: 7603, decode.loss_ce: 0.0511, decode.acc_seg: 98.0108, aux.loss_ce: 0.0364, aux.acc_seg: 96.6452, loss: 0.0875 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:54:41,728 - mmseg - INFO - Epoch [168][270/450] lr: 2.024e-03, eta: 3:11:17, time: 0.959, data_time: 0.292, memory: 7603, decode.loss_ce: 0.0484, decode.acc_seg: 98.1078, aux.loss_ce: 0.0341, aux.acc_seg: 96.7957, loss: 0.0825 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:55:49,695 - mmseg - INFO - Epoch [168][360/450] lr: 2.013e-03, eta: 3:10:05, time: 0.755, data_time: 0.080, memory: 7603, decode.loss_ce: 0.0482, decode.acc_seg: 98.1199, aux.loss_ce: 0.0343, aux.acc_seg: 96.8009, loss: 0.0825 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 03:57:08,686 - mmseg - INFO - Epoch [168][450/450] lr: 2.003e-03, eta: 3:08:56, time: 0.878, data_time: 0.202, memory: 7603, decode.loss_ce: 0.0484, decode.acc_seg: 98.0953, aux.loss_ce: 0.0341, aux.acc_seg: 96.7956, loss: 0.0826
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1235s, ETA: 0s
2021-11-28 04:17:43,866 - mmseg - INFO - per class results: 2021-11-28 04:17:43,872 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 26.52 | 36.11 | | Buildings | 38.71 | 60.8 | | Low vegetation | 9.46 | 10.36 | | Trees | 8.89 | 11.84 | | Cars | 0.0 | 0.0 | | Clutter | 2.2 | 39.53 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 04:17:43,873 - mmseg - INFO - Summary: 2021-11-28 04:17:43,874 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 35.35 | 14.3 | 26.44 | +-------+------+-------+ 2021-11-28 04:17:43,876 - mmseg - INFO - Epoch(val) [168][255] aAcc: 0.3535, mIoU: 0.1430, mAcc: 0.2644, IoU.Impervious surface: 0.2652, IoU.Buildings: 0.3871, IoU.Low vegetation: 0.0946, IoU.Trees: 0.0889, IoU.Cars: 0.0000, IoU.Clutter: 0.0220, IoU.Background: nan, Acc.Impervious surface: 0.3611, Acc.Buildings: 0.6080, Acc.Low vegetation: 0.1036, Acc.Trees: 0.1184, Acc.Cars: 0.0000, Acc.Clutter: 0.3953, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 04:21:17,841 - mmseg - INFO - Epoch [169][90/450] lr: 1.992e-03, eta: 3:08:12, time: 2.376, data_time: 1.726, memory: 7603, decode.loss_ce: 0.0477, decode.acc_seg: 98.1378, aux.loss_ce: 0.0336, aux.acc_seg: 96.8549, loss: 0.0813 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 04:24:19,066 - mmseg - INFO - Epoch [169][180/450] lr: 1.981e-03, eta: 3:07:22, time: 2.014, data_time: 1.355, memory: 7603, decode.loss_ce: 0.0464, decode.acc_seg: 98.2089, aux.loss_ce: 0.0325, aux.acc_seg: 96.9849, loss: 0.0788 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 04:35:57,881 - mmseg - INFO - Epoch [169][270/450] lr: 1.971e-03, eta: 3:08:07, time: 7.765, data_time: 7.105, memory: 7603, decode.loss_ce: 0.0471, decode.acc_seg: 98.1620, aux.loss_ce: 0.0330, aux.acc_seg: 96.9357, loss: 0.0800 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 04:39:10,074 - mmseg - INFO - Epoch [169][360/450] lr: 1.960e-03, eta: 3:07:18, time: 2.135, data_time: 1.483, memory: 7603, decode.loss_ce: 0.0469, decode.acc_seg: 98.1781, aux.loss_ce: 0.0333, aux.acc_seg: 96.8895, loss: 0.0802 2021-11-28 04:39:47,786 - mmseg - INFO - Saving checkpoint at 76000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 04:40:50,847 - mmseg - INFO - Epoch [169][450/450] lr: 1.949e-03, eta: 3:06:11, time: 1.120, data_time: 0.442, memory: 7603, decode.loss_ce: 0.0483, decode.acc_seg: 98.1118, aux.loss_ce: 0.0346, aux.acc_seg: 96.7588, loss: 0.0829
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1234s, ETA: 0s
2021-11-28 05:01:25,191 - mmseg - INFO - per class results: 2021-11-28 05:01:25,204 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 30.88 | 41.69 | | Buildings | 27.1 | 38.1 | | Low vegetation | 19.55 | 23.63 | | Trees | 7.21 | 8.98 | | Cars | 0.0 | 0.0 | | Clutter | 2.53 | 54.99 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 05:01:25,205 - mmseg - INFO - Summary: 2021-11-28 05:01:25,206 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 32.47 | 14.54 | 27.9 | +-------+-------+------+ 2021-11-28 05:01:25,215 - mmseg - INFO - Epoch(val) [169][255] aAcc: 0.3247, mIoU: 0.1454, mAcc: 0.2790, IoU.Impervious surface: 0.3088, IoU.Buildings: 0.2710, IoU.Low vegetation: 0.1955, IoU.Trees: 0.0721, IoU.Cars: 0.0000, IoU.Clutter: 0.0253, IoU.Background: nan, Acc.Impervious surface: 0.4169, Acc.Buildings: 0.3810, Acc.Low vegetation: 0.2363, Acc.Trees: 0.0898, Acc.Cars: 0.0000, Acc.Clutter: 0.5499, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:05:04,309 - mmseg - INFO - Epoch [170][90/450] lr: 1.938e-03, eta: 3:05:26, time: 2.433, data_time: 1.778, memory: 7603, decode.loss_ce: 0.0468, decode.acc_seg: 98.1732, aux.loss_ce: 0.0328, aux.acc_seg: 96.9309, loss: 0.0796 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:06:07,859 - mmseg - INFO - Epoch [170][180/450] lr: 1.928e-03, eta: 3:04:12, time: 0.706, data_time: 0.032, memory: 7603, decode.loss_ce: 0.0450, decode.acc_seg: 98.2370, aux.loss_ce: 0.0316, aux.acc_seg: 97.0413, loss: 0.0766 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:07:20,933 - mmseg - INFO - Epoch [170][270/450] lr: 1.917e-03, eta: 3:03:00, time: 0.812, data_time: 0.144, memory: 7603, decode.loss_ce: 0.0479, decode.acc_seg: 98.1393, aux.loss_ce: 0.0342, aux.acc_seg: 96.7995, loss: 0.0820 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:08:36,957 - mmseg - INFO - Epoch [170][360/450] lr: 1.906e-03, eta: 3:01:48, time: 0.845, data_time: 0.171, memory: 7603, decode.loss_ce: 0.0465, decode.acc_seg: 98.1981, aux.loss_ce: 0.0342, aux.acc_seg: 96.8202, loss: 0.0806 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:09:54,103 - mmseg - INFO - Epoch [170][450/450] lr: 1.895e-03, eta: 3:00:37, time: 0.857, data_time: 0.184, memory: 7603, decode.loss_ce: 0.0480, decode.acc_seg: 98.1373, aux.loss_ce: 0.0345, aux.acc_seg: 96.7935, loss: 0.0825
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1217s, ETA: 0s
2021-11-28 05:30:11,187 - mmseg - INFO - per class results: 2021-11-28 05:30:11,194 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 15.79 | 18.12 | | Buildings | 29.46 | 45.38 | | Low vegetation | 22.82 | 26.8 | | Trees | 9.81 | 20.71 | | Cars | 0.05 | 0.05 | | Clutter | 1.94 | 40.71 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 05:30:11,195 - mmseg - INFO - Summary: 2021-11-28 05:30:11,196 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 28.85 | 13.31 | 25.29 | +-------+-------+-------+ 2021-11-28 05:30:11,202 - mmseg - INFO - Epoch(val) [170][255] aAcc: 0.2885, mIoU: 0.1331, mAcc: 0.2529, IoU.Impervious surface: 0.1579, IoU.Buildings: 0.2946, IoU.Low vegetation: 0.2282, IoU.Trees: 0.0981, IoU.Cars: 0.0005, IoU.Clutter: 0.0194, IoU.Background: nan, Acc.Impervious surface: 0.1812, Acc.Buildings: 0.4538, Acc.Low vegetation: 0.2680, Acc.Trees: 0.2071, Acc.Cars: 0.0005, Acc.Clutter: 0.4071, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:39:34,665 - mmseg - INFO - Epoch [171][90/450] lr: 1.885e-03, eta: 3:00:51, time: 6.260, data_time: 5.612, memory: 7603, decode.loss_ce: 0.0462, decode.acc_seg: 98.1895, aux.loss_ce: 0.0322, aux.acc_seg: 96.9843, loss: 0.0784 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:49:31,989 - mmseg - INFO - Epoch [171][180/450] lr: 1.874e-03, eta: 3:01:09, time: 6.637, data_time: 5.980, memory: 7603, decode.loss_ce: 0.0462, decode.acc_seg: 98.2062, aux.loss_ce: 0.0324, aux.acc_seg: 96.9787, loss: 0.0786 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:52:59,352 - mmseg - INFO - Epoch [171][270/450] lr: 1.863e-03, eta: 3:00:18, time: 2.304, data_time: 1.651, memory: 7603, decode.loss_ce: 0.0467, decode.acc_seg: 98.1873, aux.loss_ce: 0.0335, aux.acc_seg: 96.9038, loss: 0.0802 2021-11-28 05:53:43,715 - mmseg - INFO - Saving checkpoint at 76800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:55:18,435 - mmseg - INFO - Epoch [171][360/450] lr: 1.852e-03, eta: 2:59:16, time: 1.545, data_time: 0.875, memory: 7603, decode.loss_ce: 0.0447, decode.acc_seg: 98.2503, aux.loss_ce: 0.0313, aux.acc_seg: 97.0790, loss: 0.0760 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 05:57:08,272 - mmseg - INFO - Epoch [171][450/450] lr: 1.841e-03, eta: 2:58:09, time: 1.220, data_time: 0.558, memory: 7603, decode.loss_ce: 0.0481, decode.acc_seg: 98.1401, aux.loss_ce: 0.0335, aux.acc_seg: 96.8873, loss: 0.0816
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1224s, ETA: 0s
2021-11-28 06:17:32,134 - mmseg - INFO - per class results: 2021-11-28 06:17:32,145 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.65 | 31.05 | | Buildings | 35.51 | 47.29 | | Low vegetation | 6.34 | 6.72 | | Trees | 9.71 | 11.74 | | Cars | 0.05 | 0.05 | | Clutter | 2.66 | 59.58 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 06:17:32,146 - mmseg - INFO - Summary: 2021-11-28 06:17:32,147 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 28.98 | 12.99 | 26.07 | +-------+-------+-------+ 2021-11-28 06:17:32,155 - mmseg - INFO - Epoch(val) [171][255] aAcc: 0.2898, mIoU: 0.1299, mAcc: 0.2607, IoU.Impervious surface: 0.2365, IoU.Buildings: 0.3551, IoU.Low vegetation: 0.0634, IoU.Trees: 0.0971, IoU.Cars: 0.0005, IoU.Clutter: 0.0266, IoU.Background: nan, Acc.Impervious surface: 0.3105, Acc.Buildings: 0.4729, Acc.Low vegetation: 0.0672, Acc.Trees: 0.1174, Acc.Cars: 0.0005, Acc.Clutter: 0.5958, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 06:23:00,632 - mmseg - INFO - Epoch [172][90/450] lr: 1.831e-03, eta: 2:57:38, time: 3.649, data_time: 3.001, memory: 7603, decode.loss_ce: 0.0531, decode.acc_seg: 97.8997, aux.loss_ce: 0.0381, aux.acc_seg: 96.4145, loss: 0.0913 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 06:25:32,155 - mmseg - INFO - Epoch [172][180/450] lr: 1.820e-03, eta: 2:56:37, time: 1.684, data_time: 1.031, memory: 7603, decode.loss_ce: 0.0499, decode.acc_seg: 98.0703, aux.loss_ce: 0.0347, aux.acc_seg: 96.7656, loss: 0.0846 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 06:26:56,093 - mmseg - INFO - Epoch [172][270/450] lr: 1.809e-03, eta: 2:55:24, time: 0.932, data_time: 0.271, memory: 7603, decode.loss_ce: 0.0480, decode.acc_seg: 98.1220, aux.loss_ce: 0.0335, aux.acc_seg: 96.8645, loss: 0.0814 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 06:28:35,804 - mmseg - INFO - Epoch [172][360/450] lr: 1.798e-03, eta: 2:54:14, time: 1.108, data_time: 0.445, memory: 7603, decode.loss_ce: 0.0445, decode.acc_seg: 98.2683, aux.loss_ce: 0.0319, aux.acc_seg: 97.0031, loss: 0.0764 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 06:29:56,988 - mmseg - INFO - Epoch [172][450/450] lr: 1.787e-03, eta: 2:53:01, time: 0.902, data_time: 0.235, memory: 7603, decode.loss_ce: 0.0497, decode.acc_seg: 98.0808, aux.loss_ce: 0.0349, aux.acc_seg: 96.7269, loss: 0.0846
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1189s, ETA: 0s
2021-11-28 06:49:46,059 - mmseg - INFO - per class results: 2021-11-28 06:49:46,074 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 16.26 | 20.55 | | Buildings | 18.24 | 24.23 | | Low vegetation | 7.48 | 8.07 | | Trees | 7.74 | 9.08 | | Cars | 0.02 | 0.02 | | Clutter | 3.0 | 76.47 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 06:49:46,075 - mmseg - INFO - Summary: 2021-11-28 06:49:46,076 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 18.41 | 8.79 | 23.07 | +-------+------+-------+ 2021-11-28 06:49:46,085 - mmseg - INFO - Epoch(val) [172][255] aAcc: 0.1841, mIoU: 0.0879, mAcc: 0.2307, IoU.Impervious surface: 0.1626, IoU.Buildings: 0.1824, IoU.Low vegetation: 0.0748, IoU.Trees: 0.0774, IoU.Cars: 0.0002, IoU.Clutter: 0.0300, IoU.Background: nan, Acc.Impervious surface: 0.2055, Acc.Buildings: 0.2423, Acc.Low vegetation: 0.0807, Acc.Trees: 0.0908, Acc.Cars: 0.0002, Acc.Clutter: 0.7647, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:04:34,409 - mmseg - INFO - Epoch [173][90/450] lr: 1.776e-03, eta: 2:53:58, time: 9.869, data_time: 9.211, memory: 7603, decode.loss_ce: 0.0461, decode.acc_seg: 98.1959, aux.loss_ce: 0.0334, aux.acc_seg: 96.8825, loss: 0.0795 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:07:07,363 - mmseg - INFO - Epoch [173][180/450] lr: 1.766e-03, eta: 2:52:56, time: 1.699, data_time: 1.045, memory: 7603, decode.loss_ce: 0.0478, decode.acc_seg: 98.1482, aux.loss_ce: 0.0330, aux.acc_seg: 96.9145, loss: 0.0808 2021-11-28 07:07:40,085 - mmseg - INFO - Saving checkpoint at 77600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:09:49,353 - mmseg - INFO - Epoch [173][270/450] lr: 1.755e-03, eta: 2:51:54, time: 1.800, data_time: 1.135, memory: 7603, decode.loss_ce: 0.0459, decode.acc_seg: 98.2145, aux.loss_ce: 0.0329, aux.acc_seg: 96.9381, loss: 0.0788 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:14:06,174 - mmseg - INFO - Epoch [173][360/450] lr: 1.744e-03, eta: 2:51:08, time: 2.854, data_time: 2.203, memory: 7603, decode.loss_ce: 0.0489, decode.acc_seg: 98.0933, aux.loss_ce: 0.0349, aux.acc_seg: 96.7365, loss: 0.0839 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:17:06,572 - mmseg - INFO - Epoch [173][450/450] lr: 1.733e-03, eta: 2:50:09, time: 2.004, data_time: 1.353, memory: 7603, decode.loss_ce: 0.0470, decode.acc_seg: 98.1840, aux.loss_ce: 0.0331, aux.acc_seg: 96.9224, loss: 0.0802
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1225s, ETA: 0s
2021-11-28 07:37:32,110 - mmseg - INFO - per class results: 2021-11-28 07:37:32,121 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 27.27 | 31.84 | | Buildings | 22.71 | 31.82 | | Low vegetation | 27.27 | 34.01 | | Trees | 8.78 | 19.71 | | Cars | 0.0 | 0.0 | | Clutter | 2.02 | 40.72 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 07:37:32,122 - mmseg - INFO - Summary: 2021-11-28 07:37:32,124 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.31 | 14.68 | 26.35 | +-------+-------+-------+ 2021-11-28 07:37:32,132 - mmseg - INFO - Epoch(val) [173][255] aAcc: 0.3031, mIoU: 0.1468, mAcc: 0.2635, IoU.Impervious surface: 0.2727, IoU.Buildings: 0.2271, IoU.Low vegetation: 0.2727, IoU.Trees: 0.0878, IoU.Cars: 0.0000, IoU.Clutter: 0.0202, IoU.Background: nan, Acc.Impervious surface: 0.3184, Acc.Buildings: 0.3182, Acc.Low vegetation: 0.3401, Acc.Trees: 0.1971, Acc.Cars: 0.0000, Acc.Clutter: 0.4072, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:43:08,693 - mmseg - INFO - Epoch [174][90/450] lr: 1.722e-03, eta: 2:49:33, time: 3.739, data_time: 3.096, memory: 7603, decode.loss_ce: 0.0441, decode.acc_seg: 98.2702, aux.loss_ce: 0.0318, aux.acc_seg: 97.0385, loss: 0.0759 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:45:28,113 - mmseg - INFO - Epoch [174][180/450] lr: 1.711e-03, eta: 2:48:27, time: 1.549, data_time: 0.897, memory: 7603, decode.loss_ce: 0.0516, decode.acc_seg: 97.9895, aux.loss_ce: 0.0376, aux.acc_seg: 96.4825, loss: 0.0892 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:46:49,168 - mmseg - INFO - Epoch [174][270/450] lr: 1.700e-03, eta: 2:47:12, time: 0.901, data_time: 0.235, memory: 7603, decode.loss_ce: 0.0465, decode.acc_seg: 98.1935, aux.loss_ce: 0.0327, aux.acc_seg: 96.9607, loss: 0.0792 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:48:06,563 - mmseg - INFO - Epoch [174][360/450] lr: 1.689e-03, eta: 2:45:56, time: 0.860, data_time: 0.188, memory: 7603, decode.loss_ce: 0.0455, decode.acc_seg: 98.2259, aux.loss_ce: 0.0323, aux.acc_seg: 96.9803, loss: 0.0778 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 07:49:35,791 - mmseg - INFO - Epoch [174][450/450] lr: 1.678e-03, eta: 2:44:42, time: 0.991, data_time: 0.325, memory: 7603, decode.loss_ce: 0.0434, decode.acc_seg: 98.3035, aux.loss_ce: 0.0307, aux.acc_seg: 97.1254, loss: 0.0741
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1209s, ETA: 0s
2021-11-28 08:09:45,195 - mmseg - INFO - per class results: 2021-11-28 08:09:45,207 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.67 | 20.81 | | Buildings | 24.94 | 35.66 | | Low vegetation | 11.28 | 12.75 | | Trees | 5.65 | 6.0 | | Cars | 0.0 | 0.0 | | Clutter | 2.93 | 75.49 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 08:09:45,208 - mmseg - INFO - Summary: 2021-11-28 08:09:45,209 - mmseg - INFO - +------+-------+-------+ | aAcc | mIoU | mAcc | +------+-------+-------+ | 22.7 | 10.41 | 25.12 | +------+-------+-------+ 2021-11-28 08:09:45,218 - mmseg - INFO - Epoch(val) [174][255] aAcc: 0.2270, mIoU: 0.1041, mAcc: 0.2512, IoU.Impervious surface: 0.1767, IoU.Buildings: 0.2494, IoU.Low vegetation: 0.1128, IoU.Trees: 0.0565, IoU.Cars: 0.0000, IoU.Clutter: 0.0293, IoU.Background: nan, Acc.Impervious surface: 0.2081, Acc.Buildings: 0.3566, Acc.Low vegetation: 0.1275, Acc.Trees: 0.0600, Acc.Cars: 0.0000, Acc.Clutter: 0.7549, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 08:14:53,884 - mmseg - INFO - Epoch [175][90/450] lr: 1.667e-03, eta: 2:44:00, time: 3.428, data_time: 2.776, memory: 7603, decode.loss_ce: 0.0662, decode.acc_seg: 97.5268, aux.loss_ce: 0.0459, aux.acc_seg: 95.8744, loss: 0.1120 2021-11-28 08:15:13,613 - mmseg - INFO - Saving checkpoint at 78400 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 08:27:30,100 - mmseg - INFO - Epoch [175][180/450] lr: 1.657e-03, eta: 2:44:24, time: 8.403, data_time: 7.740, memory: 7603, decode.loss_ce: 0.0515, decode.acc_seg: 98.0023, aux.loss_ce: 0.0363, aux.acc_seg: 96.6231, loss: 0.0878 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 08:33:29,103 - mmseg - INFO - Epoch [175][270/450] lr: 1.646e-03, eta: 2:43:48, time: 3.989, data_time: 3.337, memory: 7603, decode.loss_ce: 0.0483, decode.acc_seg: 98.1148, aux.loss_ce: 0.0344, aux.acc_seg: 96.7744, loss: 0.0828 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 08:35:43,400 - mmseg - INFO - Epoch [175][360/450] lr: 1.635e-03, eta: 2:42:39, time: 1.492, data_time: 0.840, memory: 7603, decode.loss_ce: 0.0457, decode.acc_seg: 98.2203, aux.loss_ce: 0.0326, aux.acc_seg: 96.9413, loss: 0.0784 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 08:38:51,258 - mmseg - INFO - Epoch [175][450/450] lr: 1.624e-03, eta: 2:41:37, time: 2.087, data_time: 1.437, memory: 7603, decode.loss_ce: 0.0488, decode.acc_seg: 98.0982, aux.loss_ce: 0.0342, aux.acc_seg: 96.8130, loss: 0.0831
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1221s, ETA: 0s
2021-11-28 08:59:12,298 - mmseg - INFO - per class results: 2021-11-28 08:59:12,309 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 21.89 | 24.33 | | Buildings | 35.42 | 49.85 | | Low vegetation | 8.82 | 9.79 | | Trees | 5.68 | 7.23 | | Cars | 0.01 | 0.01 | | Clutter | 2.47 | 66.13 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 08:59:12,313 - mmseg - INFO - Summary: 2021-11-28 08:59:12,313 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 27.79 | 12.38 | 26.22 | +-------+-------+-------+ 2021-11-28 08:59:12,323 - mmseg - INFO - Epoch(val) [175][255] aAcc: 0.2779, mIoU: 0.1238, mAcc: 0.2622, IoU.Impervious surface: 0.2189, IoU.Buildings: 0.3542, IoU.Low vegetation: 0.0882, IoU.Trees: 0.0568, IoU.Cars: 0.0001, IoU.Clutter: 0.0247, IoU.Background: nan, Acc.Impervious surface: 0.2433, Acc.Buildings: 0.4985, Acc.Low vegetation: 0.0979, Acc.Trees: 0.0723, Acc.Cars: 0.0001, Acc.Clutter: 0.6613, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:04:11,633 - mmseg - INFO - Epoch [176][90/450] lr: 1.613e-03, eta: 2:40:51, time: 3.324, data_time: 2.679, memory: 7603, decode.loss_ce: 0.0467, decode.acc_seg: 98.1827, aux.loss_ce: 0.0329, aux.acc_seg: 96.9378, loss: 0.0795 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:08:44,571 - mmseg - INFO - Epoch [176][180/450] lr: 1.602e-03, eta: 2:40:00, time: 3.033, data_time: 2.384, memory: 7603, decode.loss_ce: 0.0454, decode.acc_seg: 98.2450, aux.loss_ce: 0.0344, aux.acc_seg: 96.8028, loss: 0.0798 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:11:49,666 - mmseg - INFO - Epoch [176][270/450] lr: 1.591e-03, eta: 2:38:57, time: 2.057, data_time: 1.406, memory: 7603, decode.loss_ce: 0.0458, decode.acc_seg: 98.2085, aux.loss_ce: 0.0340, aux.acc_seg: 96.8402, loss: 0.0798 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:13:47,901 - mmseg - INFO - Epoch [176][360/450] lr: 1.580e-03, eta: 2:37:45, time: 1.314, data_time: 0.660, memory: 7603, decode.loss_ce: 0.0451, decode.acc_seg: 98.2441, aux.loss_ce: 0.0325, aux.acc_seg: 96.9679, loss: 0.0776 2021-11-28 09:15:37,718 - mmseg - INFO - Saving checkpoint at 79200 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:15:38,683 - mmseg - INFO - Epoch [176][450/450] lr: 1.569e-03, eta: 2:36:31, time: 1.231, data_time: 0.565, memory: 7603, decode.loss_ce: 0.0477, decode.acc_seg: 98.1629, aux.loss_ce: 0.0343, aux.acc_seg: 96.8518, loss: 0.0820
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1361s, ETA: 0s
2021-11-28 09:38:19,852 - mmseg - INFO - per class results: 2021-11-28 09:38:19,864 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 26.56 | 35.08 | | Buildings | 47.7 | 66.07 | | Low vegetation | 10.3 | 11.67 | | Trees | 0.05 | 0.05 | | Cars | 0.05 | 0.05 | | Clutter | 2.99 | 51.22 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 09:38:19,865 - mmseg - INFO - Summary: 2021-11-28 09:38:19,866 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 35.77 | 14.61 | 27.36 | +-------+-------+-------+ 2021-11-28 09:38:19,876 - mmseg - INFO - Epoch(val) [176][255] aAcc: 0.3577, mIoU: 0.1461, mAcc: 0.2736, IoU.Impervious surface: 0.2656, IoU.Buildings: 0.4770, IoU.Low vegetation: 0.1030, IoU.Trees: 0.0005, IoU.Cars: 0.0005, IoU.Clutter: 0.0299, IoU.Background: nan, Acc.Impervious surface: 0.3508, Acc.Buildings: 0.6607, Acc.Low vegetation: 0.1167, Acc.Trees: 0.0005, Acc.Cars: 0.0005, Acc.Clutter: 0.5122, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:45:37,602 - mmseg - INFO - Epoch [177][90/450] lr: 1.558e-03, eta: 2:36:01, time: 4.862, data_time: 4.211, memory: 7603, decode.loss_ce: 0.0465, decode.acc_seg: 98.1928, aux.loss_ce: 0.0334, aux.acc_seg: 96.9033, loss: 0.0799 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:48:31,253 - mmseg - INFO - Epoch [177][180/450] lr: 1.547e-03, eta: 2:34:55, time: 1.929, data_time: 1.278, memory: 7603, decode.loss_ce: 0.0460, decode.acc_seg: 98.2062, aux.loss_ce: 0.0325, aux.acc_seg: 96.9713, loss: 0.0785 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:51:47,978 - mmseg - INFO - Epoch [177][270/450] lr: 1.536e-03, eta: 2:33:52, time: 2.186, data_time: 1.538, memory: 7603, decode.loss_ce: 0.0440, decode.acc_seg: 98.2961, aux.loss_ce: 0.0318, aux.acc_seg: 97.0261, loss: 0.0759 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:55:34,214 - mmseg - INFO - Epoch [177][360/450] lr: 1.525e-03, eta: 2:32:52, time: 2.514, data_time: 1.864, memory: 7603, decode.loss_ce: 0.0477, decode.acc_seg: 98.1613, aux.loss_ce: 0.0339, aux.acc_seg: 96.8634, loss: 0.0816 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 09:59:44,082 - mmseg - INFO - Epoch [177][450/450] lr: 1.514e-03, eta: 2:31:55, time: 2.776, data_time: 2.128, memory: 7603, decode.loss_ce: 0.0474, decode.acc_seg: 98.1643, aux.loss_ce: 0.0338, aux.acc_seg: 96.8532, loss: 0.0812
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1201s, ETA: 0s
2021-11-28 10:19:45,371 - mmseg - INFO - per class results: 2021-11-28 10:19:45,386 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 13.57 | 15.44 | | Buildings | 28.17 | 34.49 | | Low vegetation | 8.05 | 8.77 | | Trees | 7.98 | 11.7 | | Cars | 0.05 | 0.05 | | Clutter | 2.38 | 68.72 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 10:19:45,387 - mmseg - INFO - Summary: 2021-11-28 10:19:45,388 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 20.34 | 10.04 | 23.2 | +-------+-------+------+ 2021-11-28 10:19:45,397 - mmseg - INFO - Epoch(val) [177][255] aAcc: 0.2034, mIoU: 0.1004, mAcc: 0.2320, IoU.Impervious surface: 0.1357, IoU.Buildings: 0.2817, IoU.Low vegetation: 0.0805, IoU.Trees: 0.0798, IoU.Cars: 0.0005, IoU.Clutter: 0.0238, IoU.Background: nan, Acc.Impervious surface: 0.1544, Acc.Buildings: 0.3449, Acc.Low vegetation: 0.0877, Acc.Trees: 0.1170, Acc.Cars: 0.0005, Acc.Clutter: 0.6872, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 10:26:26,733 - mmseg - INFO - Epoch [178][90/450] lr: 1.502e-03, eta: 2:31:18, time: 4.458, data_time: 3.812, memory: 7603, decode.loss_ce: 0.0452, decode.acc_seg: 98.2620, aux.loss_ce: 0.0328, aux.acc_seg: 96.9540, loss: 0.0779 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 10:30:22,339 - mmseg - INFO - Epoch [178][180/450] lr: 1.491e-03, eta: 2:30:18, time: 2.618, data_time: 1.970, memory: 7603, decode.loss_ce: 0.0440, decode.acc_seg: 98.2932, aux.loss_ce: 0.0312, aux.acc_seg: 97.0853, loss: 0.0751 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 10:35:20,057 - mmseg - INFO - Epoch [178][270/450] lr: 1.480e-03, eta: 2:29:26, time: 3.308, data_time: 2.662, memory: 7603, decode.loss_ce: 0.0448, decode.acc_seg: 98.2597, aux.loss_ce: 0.0314, aux.acc_seg: 97.0667, loss: 0.0762 2021-11-28 10:41:27,255 - mmseg - INFO - Saving checkpoint at 80000 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 10:41:58,626 - mmseg - INFO - Epoch [178][360/450] lr: 1.469e-03, eta: 2:28:45, time: 4.429, data_time: 3.753, memory: 7603, decode.loss_ce: 0.0445, decode.acc_seg: 98.2741, aux.loss_ce: 0.0314, aux.acc_seg: 97.0682, loss: 0.0760 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 10:45:45,237 - mmseg - INFO - Epoch [178][450/450] lr: 1.458e-03, eta: 2:27:43, time: 2.518, data_time: 1.874, memory: 7603, decode.loss_ce: 0.0446, decode.acc_seg: 98.2524, aux.loss_ce: 0.0316, aux.acc_seg: 97.0263, loss: 0.0762
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1349s, ETA: 0s
2021-11-28 11:08:14,400 - mmseg - INFO - per class results: 2021-11-28 11:08:14,413 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 23.17 | 27.99 | | Buildings | 30.5 | 40.64 | | Low vegetation | 18.85 | 24.14 | | Trees | 7.46 | 9.21 | | Cars | 0.05 | 0.05 | | Clutter | 2.42 | 63.78 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 11:08:14,414 - mmseg - INFO - Summary: 2021-11-28 11:08:14,415 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 29.07 | 13.74 | 27.63 | +-------+-------+-------+ 2021-11-28 11:08:14,423 - mmseg - INFO - Epoch(val) [178][255] aAcc: 0.2907, mIoU: 0.1374, mAcc: 0.2763, IoU.Impervious surface: 0.2317, IoU.Buildings: 0.3050, IoU.Low vegetation: 0.1885, IoU.Trees: 0.0746, IoU.Cars: 0.0005, IoU.Clutter: 0.0242, IoU.Background: nan, Acc.Impervious surface: 0.2799, Acc.Buildings: 0.4064, Acc.Low vegetation: 0.2414, Acc.Trees: 0.0921, Acc.Cars: 0.0005, Acc.Clutter: 0.6378, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 11:14:09,187 - mmseg - INFO - Epoch [179][90/450] lr: 1.447e-03, eta: 2:26:56, time: 3.941, data_time: 3.292, memory: 7603, decode.loss_ce: 0.0465, decode.acc_seg: 98.2023, aux.loss_ce: 0.0323, aux.acc_seg: 97.0105, loss: 0.0788 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 11:17:36,585 - mmseg - INFO - Epoch [179][180/450] lr: 1.436e-03, eta: 2:25:50, time: 2.304, data_time: 1.660, memory: 7603, decode.loss_ce: 0.0456, decode.acc_seg: 98.2356, aux.loss_ce: 0.0333, aux.acc_seg: 96.8805, loss: 0.0789 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 11:19:40,070 - mmseg - INFO - Epoch [179][270/450] lr: 1.425e-03, eta: 2:24:34, time: 1.372, data_time: 0.720, memory: 7603, decode.loss_ce: 0.0436, decode.acc_seg: 98.2899, aux.loss_ce: 0.0308, aux.acc_seg: 97.1003, loss: 0.0744 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 11:24:49,296 - mmseg - INFO - Epoch [179][360/450] lr: 1.414e-03, eta: 2:23:40, time: 3.436, data_time: 2.790, memory: 7603, decode.loss_ce: 0.0442, decode.acc_seg: 98.2867, aux.loss_ce: 0.0307, aux.acc_seg: 97.1240, loss: 0.0749 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 11:30:11,614 - mmseg - INFO - Epoch [179][450/450] lr: 1.402e-03, eta: 2:22:47, time: 3.581, data_time: 2.938, memory: 7603, decode.loss_ce: 0.0431, decode.acc_seg: 98.3101, aux.loss_ce: 0.0304, aux.acc_seg: 97.1247, loss: 0.0735
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1228s, ETA: 0s
2021-11-28 11:50:39,744 - mmseg - INFO - per class results: 2021-11-28 11:50:39,756 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 18.05 | 20.79 | | Buildings | 29.91 | 43.66 | | Low vegetation | 13.03 | 15.06 | | Trees | 7.4 | 8.85 | | Cars | 0.05 | 0.05 | | Clutter | 2.45 | 67.81 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 11:50:39,757 - mmseg - INFO - Summary: 2021-11-28 11:50:39,758 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 25.91 | 11.82 | 26.04 | +-------+-------+-------+ 2021-11-28 11:50:39,768 - mmseg - INFO - Epoch(val) [179][255] aAcc: 0.2591, mIoU: 0.1182, mAcc: 0.2604, IoU.Impervious surface: 0.1805, IoU.Buildings: 0.2991, IoU.Low vegetation: 0.1303, IoU.Trees: 0.0740, IoU.Cars: 0.0005, IoU.Clutter: 0.0245, IoU.Background: nan, Acc.Impervious surface: 0.2079, Acc.Buildings: 0.4366, Acc.Low vegetation: 0.1506, Acc.Trees: 0.0885, Acc.Cars: 0.0005, Acc.Clutter: 0.6781, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 11:57:28,931 - mmseg - INFO - Epoch [180][90/450] lr: 1.391e-03, eta: 2:22:04, time: 4.545, data_time: 3.901, memory: 7603, decode.loss_ce: 0.0440, decode.acc_seg: 98.2873, aux.loss_ce: 0.0307, aux.acc_seg: 97.1048, loss: 0.0747 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 12:09:23,156 - mmseg - INFO - Epoch [180][180/450] lr: 1.380e-03, eta: 2:21:54, time: 7.936, data_time: 7.280, memory: 7603, decode.loss_ce: 0.0441, decode.acc_seg: 98.2799, aux.loss_ce: 0.0320, aux.acc_seg: 97.0118, loss: 0.0761 2021-11-28 12:16:31,699 - mmseg - INFO - Saving checkpoint at 80800 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 12:17:54,044 - mmseg - INFO - Epoch [180][270/450] lr: 1.369e-03, eta: 2:21:20, time: 5.676, data_time: 4.984, memory: 7603, decode.loss_ce: 0.0468, decode.acc_seg: 98.1912, aux.loss_ce: 0.0358, aux.acc_seg: 96.7480, loss: 0.0827 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 12:23:09,642 - mmseg - INFO - Epoch [180][360/450] lr: 1.358e-03, eta: 2:20:23, time: 3.507, data_time: 2.865, memory: 7603, decode.loss_ce: 0.0433, decode.acc_seg: 98.3101, aux.loss_ce: 0.0313, aux.acc_seg: 97.0907, loss: 0.0746 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 12:29:46,318 - mmseg - INFO - Epoch [180][450/450] lr: 1.346e-03, eta: 2:19:35, time: 4.407, data_time: 3.758, memory: 7603, decode.loss_ce: 0.0448, decode.acc_seg: 98.2668, aux.loss_ce: 0.0319, aux.acc_seg: 97.0141, loss: 0.0767
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1219s, ETA: 0s
2021-11-28 12:50:06,010 - mmseg - INFO - per class results: 2021-11-28 12:50:06,022 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.1 | 20.27 | | Buildings | 26.47 | 39.57 | | Low vegetation | 7.39 | 7.88 | | Trees | 11.37 | 15.24 | | Cars | 0.0 | 0.0 | | Clutter | 2.41 | 59.25 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 12:50:06,023 - mmseg - INFO - Summary: 2021-11-28 12:50:06,024 - mmseg - INFO - +-------+-------+------+ | aAcc | mIoU | mAcc | +-------+-------+------+ | 23.62 | 10.79 | 23.7 | +-------+-------+------+ 2021-11-28 12:50:06,033 - mmseg - INFO - Epoch(val) [180][255] aAcc: 0.2362, mIoU: 0.1079, mAcc: 0.2370, IoU.Impervious surface: 0.1710, IoU.Buildings: 0.2647, IoU.Low vegetation: 0.0739, IoU.Trees: 0.1137, IoU.Cars: 0.0000, IoU.Clutter: 0.0241, IoU.Background: nan, Acc.Impervious surface: 0.2027, Acc.Buildings: 0.3957, Acc.Low vegetation: 0.0788, Acc.Trees: 0.1524, Acc.Cars: 0.0000, Acc.Clutter: 0.5925, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 12:56:25,944 - mmseg - INFO - Epoch [181][90/450] lr: 1.335e-03, eta: 2:18:43, time: 4.220, data_time: 3.574, memory: 7603, decode.loss_ce: 0.0417, decode.acc_seg: 98.3814, aux.loss_ce: 0.0298, aux.acc_seg: 97.2337, loss: 0.0715 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 12:59:57,355 - mmseg - INFO - Epoch [181][180/450] lr: 1.324e-03, eta: 2:17:33, time: 2.349, data_time: 1.704, memory: 7603, decode.loss_ce: 0.0419, decode.acc_seg: 98.3793, aux.loss_ce: 0.0300, aux.acc_seg: 97.2225, loss: 0.0719 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:03:35,065 - mmseg - INFO - Epoch [181][270/450] lr: 1.313e-03, eta: 2:16:23, time: 2.419, data_time: 1.774, memory: 7603, decode.loss_ce: 0.0429, decode.acc_seg: 98.3288, aux.loss_ce: 0.0305, aux.acc_seg: 97.1530, loss: 0.0733 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:08:09,727 - mmseg - INFO - Epoch [181][360/450] lr: 1.302e-03, eta: 2:15:19, time: 3.052, data_time: 2.406, memory: 7603, decode.loss_ce: 0.0409, decode.acc_seg: 98.4113, aux.loss_ce: 0.0294, aux.acc_seg: 97.2548, loss: 0.0703 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:12:32,584 - mmseg - INFO - Epoch [181][450/450] lr: 1.290e-03, eta: 2:14:13, time: 2.921, data_time: 2.279, memory: 7603, decode.loss_ce: 0.0443, decode.acc_seg: 98.2860, aux.loss_ce: 0.0335, aux.acc_seg: 96.8590, loss: 0.0778
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1328s, ETA: 0s
2021-11-28 13:34:41,332 - mmseg - INFO - per class results: 2021-11-28 13:34:41,346 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 17.44 | 20.71 | | Buildings | 37.27 | 58.34 | | Low vegetation | 16.77 | 21.29 | | Trees | 3.14 | 3.28 | | Cars | 0.0 | 0.0 | | Clutter | 2.95 | 56.25 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 13:34:41,347 - mmseg - INFO - Summary: 2021-11-28 13:34:41,348 - mmseg - INFO - +-------+-------+-------+ | aAcc | mIoU | mAcc | +-------+-------+-------+ | 30.96 | 12.93 | 26.64 | +-------+-------+-------+ 2021-11-28 13:34:41,357 - mmseg - INFO - Epoch(val) [181][255] aAcc: 0.3096, mIoU: 0.1293, mAcc: 0.2664, IoU.Impervious surface: 0.1744, IoU.Buildings: 0.3727, IoU.Low vegetation: 0.1677, IoU.Trees: 0.0314, IoU.Cars: 0.0000, IoU.Clutter: 0.0295, IoU.Background: nan, Acc.Impervious surface: 0.2071, Acc.Buildings: 0.5834, Acc.Low vegetation: 0.2129, Acc.Trees: 0.0328, Acc.Cars: 0.0000, Acc.Clutter: 0.5625, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:42:34,235 - mmseg - INFO - Epoch [182][90/450] lr: 1.279e-03, eta: 2:13:29, time: 5.253, data_time: 4.610, memory: 7603, decode.loss_ce: 0.0433, decode.acc_seg: 98.3213, aux.loss_ce: 0.0308, aux.acc_seg: 97.1335, loss: 0.0740 2021-11-28 13:45:30,722 - mmseg - INFO - Saving checkpoint at 81600 iterations /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:47:34,691 - mmseg - INFO - Epoch [182][180/450] lr: 1.268e-03, eta: 2:12:26, time: 3.338, data_time: 2.670, memory: 7603, decode.loss_ce: 0.0421, decode.acc_seg: 98.3616, aux.loss_ce: 0.0299, aux.acc_seg: 97.1982, loss: 0.0720 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:53:34,143 - mmseg - INFO - Epoch [182][270/450] lr: 1.256e-03, eta: 2:11:28, time: 3.994, data_time: 3.354, memory: 7603, decode.loss_ce: 0.0433, decode.acc_seg: 98.3226, aux.loss_ce: 0.0310, aux.acc_seg: 97.0999, loss: 0.0743 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 13:57:48,275 - mmseg - INFO - Epoch [182][360/450] lr: 1.245e-03, eta: 2:10:19, time: 2.824, data_time: 2.182, memory: 7603, decode.loss_ce: 0.0436, decode.acc_seg: 98.2979, aux.loss_ce: 0.0313, aux.acc_seg: 97.0724, loss: 0.0749 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 14:01:35,722 - mmseg - INFO - Epoch [182][450/450] lr: 1.234e-03, eta: 2:09:07, time: 2.527, data_time: 1.874, memory: 7603, decode.loss_ce: 0.0417, decode.acc_seg: 98.3785, aux.loss_ce: 0.0297, aux.acc_seg: 97.2236, loss: 0.0713
[>>>>>>>>>>>>>>>>>>>>>>>>>>>>] 255/255, 0.2 task/s, elapsed: 1226s, ETA: 0s
2021-11-28 14:22:02,207 - mmseg - INFO - per class results: 2021-11-28 14:22:02,220 - mmseg - INFO - +--------------------+-------+-------+ | Class | IoU | Acc | +--------------------+-------+-------+ | Impervious surface | 19.84 | 25.63 | | Buildings | 32.58 | 45.59 | | Low vegetation | 11.37 | 13.23 | | Trees | 6.28 | 7.35 | | Cars | 0.05 | 0.05 | | Clutter | 2.5 | 61.07 | | Background | nan | nan | +--------------------+-------+-------+ 2021-11-28 14:22:02,221 - mmseg - INFO - Summary: 2021-11-28 14:22:02,224 - mmseg - INFO - +-------+------+-------+ | aAcc | mIoU | mAcc | +-------+------+-------+ | 27.46 | 12.1 | 25.49 | +-------+------+-------+ 2021-11-28 14:22:02,232 - mmseg - INFO - Epoch(val) [182][255] aAcc: 0.2746, mIoU: 0.1210, mAcc: 0.2549, IoU.Impervious surface: 0.1984, IoU.Buildings: 0.3258, IoU.Low vegetation: 0.1137, IoU.Trees: 0.0628, IoU.Cars: 0.0005, IoU.Clutter: 0.0250, IoU.Background: nan, Acc.Impervious surface: 0.2563, Acc.Buildings: 0.4559, Acc.Low vegetation: 0.1323, Acc.Trees: 0.0735, Acc.Cars: 0.0005, Acc.Clutter: 0.6107, Acc.Background: nan /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 14:28:23,989 - mmseg - INFO - Epoch [183][90/450] lr: 1.222e-03, eta: 2:08:10, time: 4.240, data_time: 3.598, memory: 7603, decode.loss_ce: 0.0426, decode.acc_seg: 98.3459, aux.loss_ce: 0.0305, aux.acc_seg: 97.1489, loss: 0.0731 /home/ubuntu/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/hooks/logger/text.py:55: DeprecationWarning: an integer is required (got type float). Implicit conversion to integers using __int__ is deprecated, and may be removed in a future version of Python. mem_mb = torch.tensor([mem / (1024 * 1024)], 2021-11-28 14:37:30,180 - mmseg - INFO - Epoch [183][180/450] lr: 1.211e-03, eta: 2:07:28, time: 6.069, data_time: 5.423, memory: 7603, decode.loss_ce: 0.0451, decode.acc_seg: 98.2478, aux.loss_ce: 0.0314, aux.acc_seg: 97.0600, loss: 0.0765
--------------------------------------------------------------------------- KeyboardInterrupt Traceback (most recent call last) /tmp/ipykernel_10327/2286393348.py in <module> 1 # Create work_dir 2 mmcv.mkdir_or_exist(osp.abspath(cfg.work_dir)) ----> 3 train_segmentor(model, datasets, cfg, distributed=False, validate=True, 4 meta=dict()) ~/miniconda3/envs/new/lib/python3.8/site-packages/mmseg/apis/train.py in train_segmentor(model, dataset, cfg, distributed, validate, timestamp, meta) 133 elif cfg.load_from: 134 runner.load_checkpoint(cfg.load_from) --> 135 runner.run(data_loaders, cfg.workflow) ~/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/epoch_based_runner.py in run(self, data_loaders, workflow, max_epochs, **kwargs) 125 if mode == 'train' and self.epoch >= self._max_epochs: 126 break --> 127 epoch_runner(data_loaders[i], **kwargs) 128 129 time.sleep(1) # wait for some hooks like loggers to finish ~/miniconda3/envs/new/lib/python3.8/site-packages/mmcv/runner/epoch_based_runner.py in train(self, data_loader, **kwargs) 45 self.call_hook('before_train_epoch') 46 time.sleep(2) # Prevent possible deadlock during epoch transition ---> 47 for i, data_batch in enumerate(self.data_loader): 48 self._inner_iter = i 49 self.call_hook('before_train_iter') ~/miniconda3/envs/new/lib/python3.8/site-packages/torch/utils/data/dataloader.py in __next__(self) 433 if self._sampler_iter is None: 434 self._reset() --> 435 data = self._next_data() 436 self._num_yielded += 1 437 if self._dataset_kind == _DatasetKind.Iterable and \ ~/miniconda3/envs/new/lib/python3.8/site-packages/torch/utils/data/dataloader.py in _next_data(self) 1066 1067 assert not self._shutdown and self._tasks_outstanding > 0 -> 1068 idx, data = self._get_data() 1069 self._tasks_outstanding -= 1 1070 if self._dataset_kind == _DatasetKind.Iterable: ~/miniconda3/envs/new/lib/python3.8/site-packages/torch/utils/data/dataloader.py in _get_data(self) 1022 elif self._pin_memory: 1023 while self._pin_memory_thread.is_alive(): -> 1024 success, data = self._try_get_data() 1025 if success: 1026 return data ~/miniconda3/envs/new/lib/python3.8/site-packages/torch/utils/data/dataloader.py in _try_get_data(self, timeout) 870 # (bool: whether successfully get data, any: data if successful else None) 871 try: --> 872 data = self._data_queue.get(timeout=timeout) 873 return (True, data) 874 except Exception as e: ~/miniconda3/envs/new/lib/python3.8/queue.py in get(self, block, timeout) 177 if remaining <= 0.0: 178 raise Empty --> 179 self.not_empty.wait(remaining) 180 item = self._get() 181 self.not_full.notify() ~/miniconda3/envs/new/lib/python3.8/threading.py in wait(self, timeout) 304 else: 305 if timeout > 0: --> 306 gotit = waiter.acquire(True, timeout) 307 else: 308 gotit = waiter.acquire(False) KeyboardInterrupt:
Inference with trained model
# img = mmcv.imread('iccv09Data/images/6000124.jpg')
# model.cfg = cfg
# result = inference_segmentor(model, img)
# plt.figure(figsize=(8, 6))
# show_result_pyplot(model, img, result, palette)